5#ifdef TORCH_ASSERT_NO_OPERATORS
6#error This change adds a dependency on native_functions.yaml, \
7 meaning the file will need to be re-compiled every time an operator \
8 is changed or added. Consider if your change would be better placed in \
9 another file, or if a more specific header might achieve the same goal. \
10 See NOTE: [Tensor vs. TensorBase]
13#if defined(AT_PER_OPERATOR_HEADERS) && defined(TORCH_ASSERT_ONLY_METHOD_OPERATORS)
14#error This change adds a dependency on all pytorch operators, meaning the \
15 file will need to be re-compiled every time an operator is changed or added. \
16 Consider including a specific operator from <ATen/ops/{my_operator}.h> and \
17 see NOTE [TORCH_ASSERT_ONLY_METHOD_OPERATORS].
59#include <ATen/Context.h>
61#include <ATen/TensorUtils.h>
62#include <ATen/TracerMode.h>
63#include <ATen/core/Generator.h>
64#include <ATen/core/Reduction.h>
65#include <c10/core/SymInt.h>
67#include <c10/core/Scalar.h>
68#include <c10/core/Storage.h>
69#include <c10/core/TensorOptions.h>
70#include <c10/util/Deprecated.h>
75#include <ATen/ops/tensor.h>
77#include <ATen/Operators.h>
84 return at::_ops::_cast_Byte::call(self, non_blocking);
89 return at::_ops::_cast_Char::call(self, non_blocking);
94 return at::_ops::_cast_Double::call(self, non_blocking);
99 return at::_ops::_cast_Float::call(self, non_blocking);
104 return at::_ops::_cast_Int::call(self, non_blocking);
109 return at::_ops::_cast_Long::call(self, non_blocking);
114 return at::_ops::_cast_Short::call(self, non_blocking);
119 return at::_ops::_cast_Half::call(self, non_blocking);
124 return at::_ops::_make_dual::call(primal, tangent, level);
129 return at::_ops::_unpack_dual::call(dual, level);
134 return at::_ops::_new_zeros_with_same_feature_meta::call(self, other, self_num_batch_dims);
139 return at::_ops::_has_same_storage_numel::call(self, other);
144 return at::_ops::align_tensors::call(tensors);
149 return at::_ops::_assert_async::call(self);
154 return at::_ops::_assert_tensor_metadata::call(a,
size,
stride, dtype);
159 return at::_ops::_use_cudnn_ctc_loss::call(log_probs, targets, input_lengths, target_lengths, blank);
164 return at::_ops::_use_cudnn_ctc_loss_Tensor::call(log_probs, targets, input_lengths, target_lengths, blank);
168inline ::std::tuple<at::Tensor,at::Tensor>
_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) {
169 return at::_ops::_cudnn_ctc_loss::call(log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity);
174 return at::_ops::_cudnn_ctc_loss_Tensor::call(log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity);
179 return at::_ops::_use_cudnn_rnn_flatten_weight::call();
184 return at::_ops::_cudnn_rnn_flatten_weight::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional);
187 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
189 return at::_ops::_cudnn_rnn_flatten_weight::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional);
195 return at::_ops::_cudnn_rnn_flatten_weight::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional);
198 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
200 return at::_ops::_cudnn_rnn_flatten_weight::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional);
205inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
206 return at::_ops::_cudnn_rnn::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state);
209 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
210 ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
211 return at::_ops::_cudnn_rnn::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state);
216inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
217 return at::_ops::_cudnn_rnn::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state);
220 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
221 ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
222 return at::_ops::_cudnn_rnn::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state);
227inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,::std::vector<at::Tensor>>
_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) {
228 return at::_ops::_cudnn_rnn_backward::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, reserve, output_mask);
231 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
232 ::std::tuple<at::Tensor,at::Tensor,at::Tensor,::std::vector<at::Tensor>>
_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) {
233 return at::_ops::_cudnn_rnn_backward::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, reserve, output_mask);
238inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,::std::vector<at::Tensor>>
_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) {
239 return at::_ops::_cudnn_rnn_backward::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask);
242 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
243 ::std::tuple<at::Tensor,at::Tensor,at::Tensor,::std::vector<at::Tensor>>
_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) {
244 return at::_ops::_cudnn_rnn_backward::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask);
250 return at::_ops::_cudnn_init_dropout_state::call(
dropout, train, dropout_seed, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
254 return at::_ops::_cudnn_init_dropout_state::call(
dropout, train, dropout_seed, dtype, layout, device, pin_memory);
259 return at::_ops::_debug_has_internal_overlap::call(self);
264 return at::_ops::_fused_dropout::call(self, p, generator);
269 return at::_ops::_masked_scale::call(self, mask, scale);
274 return at::_ops::native_dropout::call(input, p, train);
279 return at::_ops::native_dropout_backward::call(grad_output, mask, scale);
284 return at::_ops::_sobol_engine_draw::call(quasi, n, sobolstate, dimension, num_generated, dtype);
289 return at::_ops::_sobol_engine_ff_::call(self, n, sobolstate, dimension, num_generated);
294 return at::_ops::_sobol_engine_scramble_::call(self, ltm, dimension);
299 return at::_ops::_sobol_engine_initialize_state_::call(self, dimension);
304 return at::_ops::_reshape_from_tensor::call(self, shape);
309 return at::_ops::_shape_as_tensor::call(self);
314 return at::_ops::dropout::call(input, p, train);
319 return at::_ops::dropout_::call(self, p, train);
324 return at::_ops::feature_dropout::call(input, p, train);
329 return at::_ops::feature_dropout_::call(self, p, train);
334 return at::_ops::alpha_dropout::call(input, p, train);
339 return at::_ops::alpha_dropout_::call(self, p, train);
344 return at::_ops::feature_alpha_dropout::call(input, p, train);
349 return at::_ops::feature_alpha_dropout_::call(self, p, train);
354 return at::_ops::abs::call(self);
359 return at::_ops::abs_::call(self);
364 return at::_ops::abs_out::call(self, out);
368 return at::_ops::abs_out::call(self, out);
373 return at::_ops::absolute::call(self);
378 return at::_ops::absolute_out::call(self, out);
382 return at::_ops::absolute_out::call(self, out);
387 return at::_ops::angle::call(self);
392 return at::_ops::angle_out::call(self, out);
396 return at::_ops::angle_out::call(self, out);
401 return at::_ops::view_as_real::call(self);
406 return at::_ops::view_as_complex::call(self);
411 return at::_ops::sgn::call(self);
416 return at::_ops::sgn_out::call(self, out);
420 return at::_ops::sgn_out::call(self, out);
425 return at::_ops::real::call(self);
430 return at::_ops::imag::call(self);
435 return at::_ops::_conj::call(self);
440 return at::_ops::conj::call(self);
445 return at::_ops::_conj_physical::call(self);
450 return at::_ops::conj_physical::call(self);
455 return at::_ops::conj_physical_out::call(self, out);
459 return at::_ops::conj_physical_out::call(self, out);
464 return at::_ops::conj_physical_::call(self);
469 return at::_ops::resolve_conj::call(self);
474 return at::_ops::resolve_neg::call(self);
479 return at::_ops::_neg_view::call(self);
484 return at::_ops::acos::call(self);
489 return at::_ops::acos_::call(self);
494 return at::_ops::acos_out::call(self, out);
498 return at::_ops::acos_out::call(self, out);
503 return at::_ops::arccos::call(self);
508 return at::_ops::arccos_::call(self);
513 return at::_ops::arccos_out::call(self, out);
517 return at::_ops::arccos_out::call(self, out);
522 return at::_ops::avg_pool1d::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad);
527 return at::_ops::adaptive_avg_pool1d::call(self, output_size);
532 return at::_ops::adaptive_max_pool1d::call(self, output_size);
537 return at::_ops::add_Tensor::call(self, other, alpha);
542 return at::_ops::add_out::call(self, other, alpha, out);
546 return at::_ops::add_out::call(self, other, alpha, out);
551 return at::_ops::_add_relu_Tensor::call(self, other, alpha);
556 return at::_ops::_add_relu__Tensor::call(self, other, alpha);
561 return at::_ops::_add_relu_out::call(self, other, alpha, out);
565 return at::_ops::_add_relu_out::call(self, other, alpha, out);
570 return at::_ops::_add_relu_Scalar::call(self, other, alpha);
575 return at::_ops::_add_relu__Scalar::call(self, other, alpha);
580 return at::_ops::add_Scalar::call(self, other, alpha);
585 return at::_ops::addmv::call(self, mat, vec, beta, alpha);
590 return at::_ops::addmv_::call(self, mat, vec, beta, alpha);
595 return at::_ops::addmv_out::call(self, mat, vec, beta, alpha, out);
599 return at::_ops::addmv_out::call(self, mat, vec, beta, alpha, out);
604 return at::_ops::addr::call(self, vec1, vec2, beta, alpha);
609 return at::_ops::addr_out::call(self, vec1, vec2, beta, alpha, out);
613 return at::_ops::addr_out::call(self, vec1, vec2, beta, alpha, out);
618 return at::_ops::affine_grid_generator::call(theta,
size, align_corners);
623 return at::_ops::affine_grid_generator_backward::call(grad,
size, align_corners);
628 return at::_ops::_is_all_true::call(self);
633 return at::_ops::_is_any_true::call(self);
638 return at::_ops::_test_check_tensor::call(self);
643 return at::_ops::all_dim::call(self, dim, keepdim);
648 return at::_ops::all_out::call(self, dim, keepdim, out);
652 return at::_ops::all_out::call(self, dim, keepdim, out);
657 return at::_ops::all_dimname::call(self, dim, keepdim);
662 return at::_ops::all_dimname_out::call(self, dim, keepdim, out);
666 return at::_ops::all_dimname_out::call(self, dim, keepdim, out);
671 return at::_ops::allclose::call(self, other, rtol, atol, equal_nan);
676 return at::_ops::any_dim::call(self, dim, keepdim);
681 return at::_ops::any_out::call(self, dim, keepdim, out);
685 return at::_ops::any_out::call(self, dim, keepdim, out);
690 return at::_ops::any_dimname::call(self, dim, keepdim);
695 return at::_ops::any_dimname_out::call(self, dim, keepdim, out);
699 return at::_ops::any_dimname_out::call(self, dim, keepdim, out);
704 return at::_ops::arange::call(end, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
708 return at::_ops::arange::call(end, dtype, layout, device, pin_memory);
712inline at::Tensor arange(
const at::Scalar & start,
const at::Scalar & end, at::TensorOptions options={}) {
713 return at::_ops::arange_start::call(start, end, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
717 return at::_ops::arange_start::call(start, end, dtype, layout, device, pin_memory);
721inline at::Tensor arange(
const at::Scalar & start,
const at::Scalar & end,
const at::Scalar & step, at::TensorOptions options={}) {
722 return at::_ops::arange_start_step::call(start, end, step, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
726 return at::_ops::arange_start_step::call(start, end, step, dtype, layout, device, pin_memory);
731 return at::_ops::arange_out::call(end, out);
735 return at::_ops::arange_out::call(end, out);
740 return at::_ops::arange_start_out::call(start, end, step, out);
744 return at::_ops::arange_start_out::call(start, end, step, out);
749 return at::_ops::_dim_arange::call(like, dim);
754 return at::_ops::argmax::call(self, dim, keepdim);
759 return at::_ops::argmax_out::call(self, dim, keepdim, out);
763 return at::_ops::argmax_out::call(self, dim, keepdim, out);
768 return at::_ops::argmin::call(self, dim, keepdim);
773 return at::_ops::argmin_out::call(self, dim, keepdim, out);
777 return at::_ops::argmin_out::call(self, dim, keepdim, out);
782 return at::_ops::acosh::call(self);
787 return at::_ops::acosh_::call(self);
792 return at::_ops::acosh_out::call(self, out);
796 return at::_ops::acosh_out::call(self, out);
801 return at::_ops::arccosh::call(self);
806 return at::_ops::arccosh_::call(self);
811 return at::_ops::arccosh_out::call(self, out);
815 return at::_ops::arccosh_out::call(self, out);
820 return at::_ops::asinh::call(self);
825 return at::_ops::asinh_::call(self);
830 return at::_ops::asinh_out::call(self, out);
834 return at::_ops::asinh_out::call(self, out);
839 return at::_ops::arcsinh::call(self);
844 return at::_ops::arcsinh_::call(self);
849 return at::_ops::arcsinh_out::call(self, out);
853 return at::_ops::arcsinh_out::call(self, out);
858 return at::_ops::atanh::call(self);
863 return at::_ops::atanh_::call(self);
868 return at::_ops::atanh_out::call(self, out);
872 return at::_ops::atanh_out::call(self, out);
877 return at::_ops::arctanh::call(self);
882 return at::_ops::arctanh_::call(self);
887 return at::_ops::arctanh_out::call(self, out);
891 return at::_ops::arctanh_out::call(self, out);
896 return at::_ops::as_strided::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
899 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
901 return at::_ops::as_strided::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
907 return at::_ops::as_strided::call(self,
size,
stride, storage_offset);
910 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
912 return at::_ops::as_strided::call(self,
size,
stride, storage_offset);
918 return at::_ops::as_strided_::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
921 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
923 return at::_ops::as_strided_::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
929 return at::_ops::as_strided_::call(self,
size,
stride, storage_offset);
932 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
934 return at::_ops::as_strided_::call(self,
size,
stride, storage_offset);
940 return at::_ops::asin::call(self);
945 return at::_ops::asin_::call(self);
950 return at::_ops::asin_out::call(self, out);
954 return at::_ops::asin_out::call(self, out);
959 return at::_ops::arcsin::call(self);
964 return at::_ops::arcsin_::call(self);
969 return at::_ops::arcsin_out::call(self, out);
973 return at::_ops::arcsin_out::call(self, out);
978 return at::_ops::atan::call(self);
983 return at::_ops::atan_::call(self);
988 return at::_ops::atan_out::call(self, out);
992 return at::_ops::atan_out::call(self, out);
997 return at::_ops::arctan::call(self);
1002 return at::_ops::arctan_::call(self);
1007 return at::_ops::arctan_out::call(self, out);
1011 return at::_ops::arctan_out::call(self, out);
1016 return at::_ops::atleast_1d::call(self);
1021 return at::_ops::atleast_1d_Sequence::call(tensors);
1026 return at::_ops::atleast_2d::call(self);
1031 return at::_ops::atleast_2d_Sequence::call(tensors);
1036 return at::_ops::atleast_3d::call(self);
1041 return at::_ops::atleast_3d_Sequence::call(tensors);
1046 return at::_ops::baddbmm::call(self, batch1, batch2, beta, alpha);
1051 return at::_ops::baddbmm_out::call(self, batch1, batch2, beta, alpha, out);
1055 return at::_ops::baddbmm_out::call(self, batch1, batch2, beta, alpha, out);
1060 return at::_ops::bartlett_window::call(window_length, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
1064 return at::_ops::bartlett_window::call(window_length, dtype, layout, device, pin_memory);
1069 return at::_ops::bartlett_window_periodic::call(window_length, periodic, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
1073 return at::_ops::bartlett_window_periodic::call(window_length, periodic, dtype, layout, device, pin_memory);
1078 return at::_ops::batch_norm::call(input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled);
1083 return at::_ops::quantized_batch_norm::call(input, weight, bias,
mean,
var, eps, output_scale, output_zero_point);
1087inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,int64_t>
_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) {
1088 return at::_ops::_batch_norm_impl_index::call(input, weight, bias, running_mean, running_var, training, momentum, eps, cudnn_enabled);
1092inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
1093 return at::_ops::_batch_norm_impl_index_backward::call(impl_index, input, grad_output, weight, running_mean, running_var, save_mean, save_var_transform, train, eps, output_mask, reservedSpace);
1098 return at::_ops::bernoulli::call(self, generator);
1103 return at::_ops::bernoulli_out::call(self, generator, out);
1107 return at::_ops::bernoulli_out::call(self, generator, out);
1112 return at::_ops::bernoulli_p::call(self, p, generator);
1117 return at::_ops::bilinear::call(input1, input2, weight, bias);
1122 return at::_ops::binary_cross_entropy::call(self, target, weight, reduction);
1127 return at::_ops::binary_cross_entropy_out::call(self, target, weight, reduction, out);
1131 return at::_ops::binary_cross_entropy_out::call(self, target, weight, reduction, out);
1136 return at::_ops::binary_cross_entropy_backward::call(grad_output, self, target, weight, reduction);
1141 return at::_ops::binary_cross_entropy_backward_grad_input::call(grad_output, self, target, weight, reduction, grad_input);
1145 return at::_ops::binary_cross_entropy_backward_grad_input::call(grad_output, self, target, weight, reduction, grad_input);
1150 return at::_ops::binary_cross_entropy_with_logits::call(self, target, weight, pos_weight, reduction);
1155 return at::_ops::bincount::call(self, weights, minlength);
1160 return at::_ops::bitwise_not::call(self);
1165 return at::_ops::bitwise_not_out::call(self, out);
1169 return at::_ops::bitwise_not_out::call(self, out);
1174 return at::_ops::copysign_out::call(self, other, out);
1178 return at::_ops::copysign_out::call(self, other, out);
1183 return at::_ops::copysign_Tensor::call(self, other);
1188 return at::_ops::copysign_Scalar::call(self, other);
1193 return at::_ops::copysign_Scalar_out::call(self, other, out);
1197 return at::_ops::copysign_Scalar_out::call(self, other, out);
1202 return at::_ops::logical_not::call(self);
1207 return at::_ops::logical_not_out::call(self, out);
1211 return at::_ops::logical_not_out::call(self, out);
1216 return at::_ops::logical_xor::call(self, other);
1221 return at::_ops::logical_xor_out::call(self, other, out);
1225 return at::_ops::logical_xor_out::call(self, other, out);
1230 return at::_ops::logical_and::call(self, other);
1235 return at::_ops::logical_and_out::call(self, other, out);
1239 return at::_ops::logical_and_out::call(self, other, out);
1244 return at::_ops::logical_or::call(self, other);
1249 return at::_ops::logical_or_out::call(self, other, out);
1253 return at::_ops::logical_or_out::call(self, other, out);
1258 return at::_ops::blackman_window::call(window_length, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
1262 return at::_ops::blackman_window::call(window_length, dtype, layout, device, pin_memory);
1267 return at::_ops::blackman_window_periodic::call(window_length, periodic, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
1271 return at::_ops::blackman_window_periodic::call(window_length, periodic, dtype, layout, device, pin_memory);
1276 return at::_ops::bmm::call(self, mat2);
1281 return at::_ops::bmm_out::call(self, mat2, out);
1285 return at::_ops::bmm_out::call(self, mat2, out);
1290 return at::_ops::broadcast_tensors::call(tensors);
1295 return at::_ops::broadcast_to::call(self, c10::fromIntArrayRefSlow(
size));
1298 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1300 return at::_ops::broadcast_to::call(self, c10::fromIntArrayRefSlow(
size));
1306 return at::_ops::broadcast_to::call(self,
size);
1309 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1311 return at::_ops::broadcast_to::call(self,
size);
1317 return at::_ops::_sparse_broadcast_to::call(self,
size);
1322 return at::_ops::cat::call(tensors, dim);
1327 return at::_ops::cat_out::call(tensors, dim, out);
1331 return at::_ops::cat_out::call(tensors, dim, out);
1336 return at::_ops::cat_names::call(tensors, dim);
1341 return at::_ops::cat_names_out::call(tensors, dim, out);
1345 return at::_ops::cat_names_out::call(tensors, dim, out);
1350 return at::_ops::concat::call(tensors, dim);
1355 return at::_ops::concat_out::call(tensors, dim, out);
1359 return at::_ops::concat_out::call(tensors, dim, out);
1364 return at::_ops::concat_names::call(tensors, dim);
1369 return at::_ops::concat_names_out::call(tensors, dim, out);
1373 return at::_ops::concat_names_out::call(tensors, dim, out);
1378 return at::_ops::concatenate::call(tensors, dim);
1383 return at::_ops::concatenate_out::call(tensors, dim, out);
1387 return at::_ops::concatenate_out::call(tensors, dim, out);
1392 return at::_ops::concatenate_names::call(tensors, dim);
1397 return at::_ops::concatenate_names_out::call(tensors, dim, out);
1401 return at::_ops::concatenate_names_out::call(tensors, dim, out);
1406 return at::_ops::block_diag::call(tensors);
1411 return at::_ops::ceil::call(self);
1416 return at::_ops::ceil_::call(self);
1421 return at::_ops::ceil_out::call(self, out);
1425 return at::_ops::ceil_out::call(self, out);
1430 return at::_ops::chain_matmul::call(matrices);
1435 return at::_ops::chain_matmul_out::call(matrices, out);
1439 return at::_ops::chain_matmul_out::call(matrices, out);
1444 return at::_ops::unsafe_chunk::call(self, chunks, dim);
1448inline ::std::vector<at::Tensor>
chunk(
const at::Tensor & self, int64_t chunks, int64_t dim=0) {
1449 return at::_ops::chunk::call(self, chunks, dim);
1454 return at::_ops::tensor_split_sections::call(self, sections, dim);
1457 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1459 return at::_ops::tensor_split_sections::call(self, sections, dim);
1465 return at::_ops::tensor_split_sections::call(self, sections, dim);
1468 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1470 return at::_ops::tensor_split_sections::call(self, sections, dim);
1476 return at::_ops::tensor_split_indices::call(self, c10::fromIntArrayRefSlow(indices), dim);
1479 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1481 return at::_ops::tensor_split_indices::call(self, c10::fromIntArrayRefSlow(indices), dim);
1487 return at::_ops::tensor_split_indices::call(self, indices, dim);
1490 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1492 return at::_ops::tensor_split_indices::call(self, indices, dim);
1498 return at::_ops::tensor_split_tensor_indices_or_sections::call(self, tensor_indices_or_sections, dim);
1503 return at::_ops::clamp::call(self,
min,
max);
1508 return at::_ops::clamp_Tensor::call(self,
min,
max);
1513 return at::_ops::clamp_::call(self,
min,
max);
1518 return at::_ops::clamp__Tensor::call(self,
min,
max);
1523 return at::_ops::clamp_out::call(self,
min,
max, out);
1527 return at::_ops::clamp_out::call(self,
min,
max, out);
1532 return at::_ops::clamp_Tensor_out::call(self,
min,
max, out);
1536 return at::_ops::clamp_Tensor_out::call(self,
min,
max, out);
1541 return at::_ops::clamp_max::call(self,
max);
1546 return at::_ops::clamp_max_Tensor::call(self,
max);
1551 return at::_ops::clamp_max_::call(self,
max);
1556 return at::_ops::clamp_max__Tensor::call(self,
max);
1561 return at::_ops::clamp_max_out::call(self,
max, out);
1565 return at::_ops::clamp_max_out::call(self,
max, out);
1570 return at::_ops::clamp_max_Tensor_out::call(self,
max, out);
1574 return at::_ops::clamp_max_Tensor_out::call(self,
max, out);
1579 return at::_ops::clamp_min::call(self,
min);
1584 return at::_ops::clamp_min_Tensor::call(self,
min);
1589 return at::_ops::clamp_min_::call(self,
min);
1594 return at::_ops::clamp_min__Tensor::call(self,
min);
1599 return at::_ops::clamp_min_out::call(self,
min, out);
1603 return at::_ops::clamp_min_out::call(self,
min, out);
1608 return at::_ops::clamp_min_Tensor_out::call(self,
min, out);
1612 return at::_ops::clamp_min_Tensor_out::call(self,
min, out);
1617 return at::_ops::clip::call(self,
min,
max);
1622 return at::_ops::clip_Tensor::call(self,
min,
max);
1627 return at::_ops::clip_::call(self,
min,
max);
1632 return at::_ops::clip__Tensor::call(self,
min,
max);
1637 return at::_ops::clip_out::call(self,
min,
max, out);
1641 return at::_ops::clip_out::call(self,
min,
max, out);
1646 return at::_ops::clip_Tensor_out::call(self,
min,
max, out);
1650 return at::_ops::clip_Tensor_out::call(self,
min,
max, out);
1654inline bool cudnn_is_acceptable(
const at::Tensor & self) {
1655 return at::_ops::cudnn_is_acceptable::call(self);
1660 return at::_ops::complex::call(
real,
imag);
1665 return at::_ops::complex_out::call(
real,
imag, out);
1669 return at::_ops::complex_out::call(
real,
imag, out);
1674 return at::_ops::polar::call(
abs,
angle);
1679 return at::_ops::polar_out::call(
abs,
angle, out);
1683 return at::_ops::polar_out::call(
abs,
angle, out);
1688 return at::_ops::constant_pad_nd::call(self, c10::fromIntArrayRefSlow(
pad), value);
1691 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1693 return at::_ops::constant_pad_nd::call(self, c10::fromIntArrayRefSlow(
pad), value);
1699 return at::_ops::constant_pad_nd::call(self,
pad, value);
1702 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1704 return at::_ops::constant_pad_nd::call(self,
pad, value);
1710 return at::_ops::convolution::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups);
1713 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1715 return at::_ops::convolution::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups);
1721 return at::_ops::convolution::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups);
1724 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1726 return at::_ops::convolution::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups);
1731inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
1732 return at::_ops::convolution_backward::call(grad_output, input, weight, bias_sizes.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*bias_sizes)) :
c10::nullopt,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask);
1735 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1736 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
1737 return at::_ops::convolution_backward::call(grad_output, input, weight, bias_sizes.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*bias_sizes)) :
c10::nullopt,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask);
1742inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
1743 return at::_ops::convolution_backward::call(grad_output, input, weight, bias_sizes,
stride, padding, dilation, transposed, output_padding, groups, output_mask);
1746 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1747 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
1748 return at::_ops::convolution_backward::call(grad_output, input, weight, bias_sizes,
stride, padding, dilation, transposed, output_padding, groups, output_mask);
1754 return at::_ops::convolution_overrideable::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups);
1758inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
1759 return at::_ops::convolution_backward_overrideable::call(grad_output, input, weight,
stride, padding, dilation, transposed, output_padding, groups, output_mask);
1763inline at::Tensor _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) {
1764 return at::_ops::_convolution::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, benchmark, deterministic, cudnn_enabled, allow_tf32);
1767 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1768 at::Tensor _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) {
1769 return at::_ops::_convolution::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, benchmark, deterministic, cudnn_enabled, allow_tf32);
1774inline at::Tensor _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) {
1775 return at::_ops::_convolution::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, allow_tf32);
1778 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1779 at::Tensor _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) {
1780 return at::_ops::_convolution::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, allow_tf32);
1785inline at::Tensor _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) {
1786 return at::_ops::_convolution_deprecated::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled);
1791 return at::_ops::_convolution_mode::call(input, weight, bias,
stride, padding, dilation, groups);
1795inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
1796 return at::_ops::_convolution_double_backward::call(ggI, ggW, ggb, gO, weight, self,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask);
1799 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
1800 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
1801 return at::_ops::_convolution_double_backward::call(ggI, ggW, ggb, gO, weight, self,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask);
1806inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
1807 return at::_ops::_convolution_double_backward::call(ggI, ggW, ggb, gO, weight, self,
stride, padding, dilation, transposed, output_padding, groups, output_mask);
1810 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
1811 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
1812 return at::_ops::_convolution_double_backward::call(ggI, ggW, ggb, gO, weight, self,
stride, padding, dilation, transposed, output_padding, groups, output_mask);
1818 return at::_ops::conv1d::call(input, weight, bias,
stride, padding, dilation, groups);
1823 return at::_ops::conv2d::call(input, weight, bias,
stride, padding, dilation, groups);
1828 return at::_ops::conv3d::call(input, weight, bias,
stride, padding, dilation, groups);
1833 return at::_ops::conv1d_padding::call(input, weight, bias,
stride, padding, dilation, groups);
1838 return at::_ops::conv2d_padding::call(input, weight, bias,
stride, padding, dilation, groups);
1843 return at::_ops::conv3d_padding::call(input, weight, bias,
stride, padding, dilation, groups);
1848 return at::_ops::conv_tbc::call(self, weight, bias,
pad);
1853 return at::_ops::conv_tbc_backward::call(self, input, weight, bias,
pad);
1858 return at::_ops::conv_transpose1d::call(input, weight, bias,
stride, padding, output_padding, groups, dilation);
1863 return at::_ops::conv_transpose2d_input::call(input, weight, bias,
stride, padding, output_padding, groups, dilation);
1868 return at::_ops::conv_transpose3d_input::call(input, weight, bias,
stride, padding, output_padding, groups, dilation);
1873 return at::_ops::copy::call(self, src, non_blocking);
1878 return at::_ops::_copy_from::call(self, dst, non_blocking);
1883 return at::_ops::_copy_from_and_resize::call(self, dst);
1888 return at::_ops::cos::call(self);
1893 return at::_ops::cos_::call(self);
1898 return at::_ops::cos_out::call(self, out);
1902 return at::_ops::cos_out::call(self, out);
1907 return at::_ops::cosh::call(self);
1912 return at::_ops::cosh_::call(self);
1917 return at::_ops::cosh_out::call(self, out);
1921 return at::_ops::cosh_out::call(self, out);
1926 return at::_ops::cosine_embedding_loss::call(input1, input2, target, margin, reduction);
1931 return at::_ops::count_nonzero_dim_IntList::call(self, dim);
1936 return at::_ops::count_nonzero::call(self, dim);
1941 return at::_ops::cov::call(self, correction, fweights, aweights);
1946 return at::_ops::corrcoef::call(self);
1950inline at::Tensor cudnn_affine_grid_generator(
const at::Tensor & theta, int64_t N, int64_t C, int64_t H, int64_t W) {
1951 return at::_ops::cudnn_affine_grid_generator::call(theta, N, C, H, W);
1955inline at::Tensor cudnn_affine_grid_generator_backward(
const at::Tensor & grad, int64_t N, int64_t C, int64_t H, int64_t W) {
1956 return at::_ops::cudnn_affine_grid_generator_backward::call(grad, N, C, H, W);
1960inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor> cudnn_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) {
1961 return at::_ops::cudnn_batch_norm::call(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon);
1965inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor> cudnn_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,
const at::Tensor & reserveSpace) {
1966 return at::_ops::cudnn_batch_norm_backward::call(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, reserveSpace);
1970inline at::Tensor cudnn_convolution(
const at::Tensor & self,
const at::Tensor & weight, at::IntArrayRef padding, at::IntArrayRef
stride, at::IntArrayRef dilation, int64_t groups,
bool benchmark,
bool deterministic,
bool allow_tf32) {
1971 return at::_ops::cudnn_convolution::call(self, weight, padding,
stride, dilation, groups, benchmark, deterministic, allow_tf32);
1975inline at::Tensor cudnn_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,
bool benchmark,
bool deterministic,
bool allow_tf32) {
1976 return at::_ops::cudnn_convolution_transpose::call(self, weight, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, allow_tf32);
1981 return at::_ops::_mps_convolution_transpose::call(self, weight, padding, output_padding,
stride, dilation, groups);
1985inline ::std::tuple<at::Tensor,at::Tensor>
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) {
1986 return at::_ops::mps_convolution_transpose_backward::call(self, grad_output, weight, padding, output_padding,
stride, dilation, groups, output_mask);
1991 return at::_ops::cudnn_convolution_relu::call(self, weight, bias,
stride, padding, dilation, groups);
1996 return at::_ops::cudnn_convolution_add_relu::call(self, weight, z, alpha, bias,
stride, padding, dilation, groups);
2001 return at::_ops::cudnn_grid_sampler::call(self, grid);
2005inline ::std::tuple<at::Tensor,at::Tensor> cudnn_grid_sampler_backward(
const at::Tensor & self,
const at::Tensor & grid,
const at::Tensor & grad_output) {
2006 return at::_ops::cudnn_grid_sampler_backward::call(self, grid, grad_output);
2011 return at::_ops::cummax::call(self, dim);
2016 return at::_ops::cummax_out::call(self, dim, values, indices);
2020 return at::_ops::cummax_out::call(self, dim, values, indices);
2025 return at::_ops::cummax_dimname::call(self, dim);
2030 return at::_ops::cummax_dimname_out::call(self, dim, values, indices);
2034 return at::_ops::cummax_dimname_out::call(self, dim, values, indices);
2039 return at::_ops::_cummax_helper::call(self, values, indices, dim);
2044 return at::_ops::cummin::call(self, dim);
2049 return at::_ops::cummin_out::call(self, dim, values, indices);
2053 return at::_ops::cummin_out::call(self, dim, values, indices);
2058 return at::_ops::cummin_dimname::call(self, dim);
2063 return at::_ops::cummin_dimname_out::call(self, dim, values, indices);
2067 return at::_ops::cummin_dimname_out::call(self, dim, values, indices);
2072 return at::_ops::_cummin_helper::call(self, values, indices, dim);
2077 return at::_ops::cummaxmin_backward::call(grad, input, indices, dim);
2082 return at::_ops::cumprod::call(self, dim, dtype);
2087 return at::_ops::cumprod_out::call(self, dim, dtype, out);
2091 return at::_ops::cumprod_out::call(self, dim, dtype, out);
2096 return at::_ops::cumprod_dimname::call(self, dim, dtype);
2101 return at::_ops::cumprod_dimname_out::call(self, dim, dtype, out);
2105 return at::_ops::cumprod_dimname_out::call(self, dim, dtype, out);
2110 return at::_ops::cumprod_backward::call(grad, input, dim, output);
2115 return at::_ops::cumsum::call(self, dim, dtype);
2120 return at::_ops::cumsum_out::call(self, dim, dtype, out);
2124 return at::_ops::cumsum_out::call(self, dim, dtype, out);
2129 return at::_ops::cumsum_dimname::call(self, dim, dtype);
2134 return at::_ops::cumsum_dimname_out::call(self, dim, dtype, out);
2138 return at::_ops::cumsum_dimname_out::call(self, dim, dtype, out);
2143 return at::_ops::cumulative_trapezoid_x::call(y, x, dim);
2148 return at::_ops::cumulative_trapezoid_dx::call(y, dx, dim);
2152inline at::Tensor 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) {
2153 return at::_ops::ctc_loss_IntList::call(log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity);
2158 return at::_ops::ctc_loss_Tensor::call(log_probs, targets, input_lengths, target_lengths, blank, reduction, zero_infinity);
2162inline ::std::tuple<at::Tensor,at::Tensor>
_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) {
2163 return at::_ops::_ctc_loss::call(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity);
2168 return at::_ops::_ctc_loss_Tensor::call(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity);
2173 return at::_ops::_ctc_loss_backward::call(grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity);
2178 return at::_ops::_ctc_loss_backward_Tensor::call(grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity);
2183 return at::_ops::diag_embed::call(self, offset, dim1, dim2);
2188 return at::_ops::diagflat::call(self, offset);
2193 return at::_ops::diagonal::call(self, offset, dim1, dim2);
2198 return at::_ops::linalg_diagonal::call(A, offset, dim1, dim2);
2203 return at::_ops::diagonal_Dimname::call(self, outdim, dim1, dim2, offset);
2208 return at::_ops::diagonal_backward::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), offset, dim1, dim2);
2211 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2213 return at::_ops::diagonal_backward::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), offset, dim1, dim2);
2219 return at::_ops::diagonal_backward::call(grad_output, input_sizes, offset, dim1, dim2);
2222 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2224 return at::_ops::diagonal_backward::call(grad_output, input_sizes, offset, dim1, dim2);
2230 return at::_ops::diff::call(self, n, dim, prepend, append);
2235 return at::_ops::diff_out::call(self, n, dim, prepend, append, out);
2239 return at::_ops::diff_out::call(self, n, dim, prepend, append, out);
2244 return at::_ops::gradient_scalarint::call(self, spacing, dim, edge_order);
2248inline ::std::vector<at::Tensor>
gradient(
const at::Tensor & self,
const at::Scalar & spacing, at::IntArrayRef dim, int64_t edge_order=1) {
2249 return at::_ops::gradient_scalararray::call(self, spacing, dim, edge_order);
2253inline ::std::vector<at::Tensor>
gradient(
const at::Tensor & self, at::IntArrayRef dim, int64_t edge_order=1) {
2254 return at::_ops::gradient_array::call(self, dim, edge_order);
2259 return at::_ops::gradient_scalarrayint::call(self, spacing, dim, edge_order);
2263inline ::std::vector<at::Tensor>
gradient(
const at::Tensor & self, at::ArrayRef<at::Scalar> spacing, at::IntArrayRef dim, int64_t edge_order=1) {
2264 return at::_ops::gradient_scalarrayarray::call(self, spacing, dim, edge_order);
2269 return at::_ops::gradient_tensorarrayint::call(self, spacing, dim, edge_order);
2274 return at::_ops::gradient_tensorarray::call(self, spacing, dim, edge_order);
2279 return at::_ops::div_Tensor::call(self, other);
2284 return at::_ops::div_out::call(self, other, out);
2288 return at::_ops::div_out::call(self, other, out);
2293 return at::_ops::div_Tensor_mode::call(self, other, rounding_mode);
2298 return at::_ops::div_out_mode::call(self, other, rounding_mode, out);
2302 return at::_ops::div_out_mode::call(self, other, rounding_mode, out);
2307 return at::_ops::div_Scalar::call(self, other);
2312 return at::_ops::div_Scalar_mode::call(self, other, rounding_mode);
2317 return at::_ops::divide_Tensor::call(self, other);
2322 return at::_ops::divide_out::call(self, other, out);
2326 return at::_ops::divide_out::call(self, other, out);
2331 return at::_ops::divide_Scalar::call(self, other);
2336 return at::_ops::divide_Tensor_mode::call(self, other, rounding_mode);
2341 return at::_ops::divide_out_mode::call(self, other, rounding_mode, out);
2345 return at::_ops::divide_out_mode::call(self, other, rounding_mode, out);
2350 return at::_ops::divide_Scalar_mode::call(self, other, rounding_mode);
2355 return at::_ops::true_divide_Tensor::call(self, other);
2360 return at::_ops::true_divide_out::call(self, other, out);
2364 return at::_ops::true_divide_out::call(self, other, out);
2369 return at::_ops::true_divide_Scalar::call(self, other);
2374 return at::_ops::dot::call(self, tensor);
2379 return at::_ops::dot_out::call(self, tensor, out);
2383 return at::_ops::dot_out::call(self, tensor, out);
2388 return at::_ops::vdot::call(self, other);
2393 return at::_ops::vdot_out::call(self, other, out);
2397 return at::_ops::vdot_out::call(self, other, out);
2402 return at::_ops::einsum::call(equation, tensors, path);
2407 return at::_ops::embedding::call(weight, indices, padding_idx, scale_grad_by_freq, sparse);
2410 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2412 return at::_ops::embedding::call(weight, indices, padding_idx, scale_grad_by_freq, sparse);
2418 return at::_ops::embedding::call(weight, indices, padding_idx, scale_grad_by_freq, sparse);
2421 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2423 return at::_ops::embedding::call(weight, indices, padding_idx, scale_grad_by_freq, sparse);
2429 return at::_ops::embedding_backward::call(grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse);
2432 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2434 return at::_ops::embedding_backward::call(grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse);
2440 return at::_ops::embedding_backward::call(grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse);
2443 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2445 return at::_ops::embedding_backward::call(grad, indices, num_weights, padding_idx, scale_grad_by_freq, sparse);
2451 return at::_ops::embedding_dense_backward::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq);
2454 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2456 return at::_ops::embedding_dense_backward::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq);
2462 return at::_ops::embedding_dense_backward::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq);
2465 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2467 return at::_ops::embedding_dense_backward::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq);
2473 return at::_ops::embedding_renorm_::call(self, indices, max_norm, norm_type);
2478 return at::_ops::embedding_sparse_backward::call(grad, indices, num_weights, padding_idx, scale_grad_by_freq);
2482inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
2483 return at::_ops::_embedding_bag_forward_only::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx);
2488 return at::_ops::_rowwise_prune::call(weight, mask, compressed_indices_dtype);
2493 return at::_ops::row_stack::call(tensors);
2498 return at::_ops::row_stack_out::call(tensors, out);
2502 return at::_ops::row_stack_out::call(tensors, out);
2506inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
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) {
2507 return at::_ops::embedding_bag::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset);
2511inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
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) {
2512 return at::_ops::embedding_bag_padding_idx::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx);
2516inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
2517 return at::_ops::_embedding_bag::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx);
2521inline at::Tensor _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) {
2522 return at::_ops::_embedding_bag_backward::call(grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, sparse, per_sample_weights, padding_idx);
2525 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2526 at::Tensor _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) {
2527 return at::_ops::_embedding_bag_backward::call(grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, sparse, per_sample_weights, padding_idx);
2532inline at::Tensor _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) {
2533 return at::_ops::_embedding_bag_backward::call(grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, sparse, per_sample_weights, padding_idx);
2536 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2537 at::Tensor _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) {
2538 return at::_ops::_embedding_bag_backward::call(grad, indices, offsets, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, sparse, per_sample_weights, padding_idx);
2544 return at::_ops::_embedding_bag_sparse_backward::call(grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2547 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2549 return at::_ops::_embedding_bag_sparse_backward::call(grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2555 return at::_ops::_embedding_bag_sparse_backward::call(grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2558 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2560 return at::_ops::_embedding_bag_sparse_backward::call(grad, indices, offsets, offset2bag, bag_size, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2566 return at::_ops::_embedding_bag_dense_backward::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2569 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2571 return at::_ops::_embedding_bag_dense_backward::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2577 return at::_ops::_embedding_bag_dense_backward::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2580 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2582 return at::_ops::_embedding_bag_dense_backward::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx);
2588 return at::_ops::_embedding_bag_per_sample_weights_backward::call(grad, weight, indices, offsets, offset2bag,
mode, padding_idx);
2593 return at::_ops::empty_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2597 return at::_ops::empty_names::call(
size, names, dtype, layout, device, pin_memory, memory_format);
2602 return at::_ops::empty_memory_format::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2605 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2607 return at::_ops::empty_memory_format::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2613 return at::_ops::empty_memory_format::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory, memory_format);
2616 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2618 return at::_ops::empty_memory_format::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory, memory_format);
2624 return at::_ops::empty_memory_format::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2627 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2629 return at::_ops::empty_memory_format::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2635 return at::_ops::empty_memory_format::call(
size, dtype, layout, device, pin_memory, memory_format);
2638 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2640 return at::_ops::empty_memory_format::call(
size, dtype, layout, device, pin_memory, memory_format);
2645 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2647 return at::_ops::new_empty::call(self, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2652 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2654 return at::_ops::new_empty::call(self, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
2659 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2661 return at::_ops::new_empty::call(self,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2666 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2668 return at::_ops::new_empty::call(self,
size, dtype, layout, device, pin_memory);
2673 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2675 return at::_ops::new_empty_strided::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2680 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2682 return at::_ops::new_empty_strided::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), dtype, layout, device, pin_memory);
2687 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2689 return at::_ops::new_empty_strided::call(self,
size,
stride, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2694 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2696 return at::_ops::new_empty_strided::call(self,
size,
stride, dtype, layout, device, pin_memory);
2701 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2703 return at::_ops::new_full::call(self, c10::fromIntArrayRefSlow(
size), fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2708 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2710 return at::_ops::new_full::call(self, c10::fromIntArrayRefSlow(
size), fill_value, dtype, layout, device, pin_memory);
2715 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2717 return at::_ops::new_full::call(self,
size, fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2722 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2724 return at::_ops::new_full::call(self,
size, fill_value, dtype, layout, device, pin_memory);
2729 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2731 return at::_ops::new_zeros::call(self, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2736 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2738 return at::_ops::new_zeros::call(self, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
2743 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2745 return at::_ops::new_zeros::call(self,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2750 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2752 return at::_ops::new_zeros::call(self,
size, dtype, layout, device, pin_memory);
2757 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2759 return at::_ops::new_ones::call(self, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2764 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2766 return at::_ops::new_ones::call(self, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
2771 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2773 return at::_ops::new_ones::call(self,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2778 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2780 return at::_ops::new_ones::call(self,
size, dtype, layout, device, pin_memory);
2786 return at::_ops::_empty_affine_quantized::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), scale, zero_point, c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2790 return at::_ops::_empty_affine_quantized::call(
size, dtype, layout, device, pin_memory, scale, zero_point, memory_format);
2795 return at::_ops::_empty_per_channel_affine_quantized::call(
size, scales, zero_points, axis, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2799 return at::_ops::_empty_per_channel_affine_quantized::call(
size, scales, zero_points, axis, dtype, layout, device, pin_memory, memory_format);
2803 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2805 return at::_ops::resize_::call(self, c10::fromIntArrayRefSlow(
size), memory_format);
2810 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2812 return at::_ops::resize_::call(self,
size, memory_format);
2818 return at::_ops::_resize_output_::call(self,
size, device);
2823 return at::_ops::empty_quantized::call(
size, qtensor, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2827 return at::_ops::empty_quantized::call(
size, qtensor, dtype, layout, device, pin_memory, memory_format);
2832 return at::_ops::empty_out::call(c10::fromIntArrayRefSlow(
size), memory_format, out);
2835 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2837 return at::_ops::empty_out::call(c10::fromIntArrayRefSlow(
size), memory_format, out);
2843 return at::_ops::empty_out::call(c10::fromIntArrayRefSlow(
size), memory_format, out);
2846 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2848 return at::_ops::empty_out::call(c10::fromIntArrayRefSlow(
size), memory_format, out);
2854 return at::_ops::empty_out::call(
size, memory_format, out);
2857 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2859 return at::_ops::empty_out::call(
size, memory_format, out);
2865 return at::_ops::empty_out::call(
size, memory_format, out);
2868 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2870 return at::_ops::empty_out::call(
size, memory_format, out);
2876 return at::_ops::empty_like::call(self, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
2880 return at::_ops::empty_like::call(self, dtype, layout, device, pin_memory, memory_format);
2885 return at::_ops::empty_strided::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2888 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2890 return at::_ops::empty_strided::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2896 return at::_ops::empty_strided::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), dtype, layout, device, pin_memory);
2899 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
2901 return at::_ops::empty_strided::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), dtype, layout, device, pin_memory);
2907 return at::_ops::empty_strided::call(
size,
stride, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2910 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2912 return at::_ops::empty_strided::call(
size,
stride, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
2918 return at::_ops::empty_strided::call(
size,
stride, dtype, layout, device, pin_memory);
2921 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
2923 return at::_ops::empty_strided::call(
size,
stride, dtype, layout, device, pin_memory);
2929 return at::_ops::erf::call(self);
2934 return at::_ops::erf_::call(self);
2939 return at::_ops::erf_out::call(self, out);
2943 return at::_ops::erf_out::call(self, out);
2948 return at::_ops::erfc::call(self);
2953 return at::_ops::erfc_::call(self);
2958 return at::_ops::erfc_out::call(self, out);
2962 return at::_ops::erfc_out::call(self, out);
2967 return at::_ops::exp::call(self);
2972 return at::_ops::exp_::call(self);
2977 return at::_ops::exp_out::call(self, out);
2981 return at::_ops::exp_out::call(self, out);
2986 return at::_ops::exp2::call(self);
2991 return at::_ops::exp2_::call(self);
2996 return at::_ops::exp2_out::call(self, out);
3000 return at::_ops::exp2_out::call(self, out);
3005 return at::_ops::expm1::call(self);
3010 return at::_ops::expm1_::call(self);
3015 return at::_ops::expm1_out::call(self, out);
3019 return at::_ops::expm1_out::call(self, out);
3023 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3025 return at::_ops::expand::call(self, c10::fromIntArrayRefSlow(
size), implicit);
3030 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3032 return at::_ops::expand::call(self,
size, implicit);
3038 return at::_ops::eye::call(n, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3042 return at::_ops::eye::call(n, dtype, layout, device, pin_memory);
3047 return at::_ops::eye_m::call(n, m, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3051 return at::_ops::eye_m::call(n, m, dtype, layout, device, pin_memory);
3056 return at::_ops::eye_out::call(n, out);
3060 return at::_ops::eye_out::call(n, out);
3065 return at::_ops::eye_m_out::call(n, m, out);
3069 return at::_ops::eye_m_out::call(n, m, out);
3074 return at::_ops::flatten_using_ints::call(self, start_dim, end_dim);
3079 return at::_ops::flatten_named_out_dim::call(self, start_dim, end_dim, out_dim);
3084 return at::_ops::flatten_using_names::call(self, start_dim, end_dim, out_dim);
3089 return at::_ops::flatten_DimnameList::call(self, dims, out_dim);
3094 return at::_ops::unflatten_int::call(self, dim, sizes);
3099 return at::_ops::unflatten_Dimname::call(self, dim, sizes, names);
3104 return at::_ops::fill_Scalar::call(self, value);
3109 return at::_ops::fill_Tensor::call(self, value);
3114 return at::_ops::fill__Scalar::call(self, value);
3119 return at::_ops::fill__Tensor::call(self, value);
3124 return at::_ops::floor::call(self);
3129 return at::_ops::floor_::call(self);
3134 return at::_ops::floor_out::call(self, out);
3138 return at::_ops::floor_out::call(self, out);
3143 return at::_ops::floor_divide::call(self, other);
3148 return at::_ops::floor_divide_out::call(self, other, out);
3152 return at::_ops::floor_divide_out::call(self, other, out);
3157 return at::_ops::floor_divide_Scalar::call(self, other);
3162 return at::_ops::frac::call(self);
3167 return at::_ops::frac_::call(self);
3172 return at::_ops::frac_out::call(self, out);
3176 return at::_ops::frac_out::call(self, out);
3181 return at::_ops::full_names::call(
size, fill_value, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3185 return at::_ops::full_names::call(
size, fill_value, names, dtype, layout, device, pin_memory);
3189inline at::Tensor full(at::IntArrayRef
size,
const at::Scalar & fill_value, at::TensorOptions options={}) {
3190 return at::_ops::full::call(c10::fromIntArrayRefSlow(
size), fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3193 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3195 return at::_ops::full::call(c10::fromIntArrayRefSlow(
size), fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3201 return at::_ops::full::call(c10::fromIntArrayRefSlow(
size), fill_value, dtype, layout, device, pin_memory);
3204 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3206 return at::_ops::full::call(c10::fromIntArrayRefSlow(
size), fill_value, dtype, layout, device, pin_memory);
3212 return at::_ops::full::call(
size, fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3215 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3217 return at::_ops::full::call(
size, fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3223 return at::_ops::full::call(
size, fill_value, dtype, layout, device, pin_memory);
3226 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3228 return at::_ops::full::call(
size, fill_value, dtype, layout, device, pin_memory);
3234 return at::_ops::full_out::call(c10::fromIntArrayRefSlow(
size), fill_value, out);
3237 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3239 return at::_ops::full_out::call(c10::fromIntArrayRefSlow(
size), fill_value, out);
3245 return at::_ops::full_out::call(c10::fromIntArrayRefSlow(
size), fill_value, out);
3248 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3250 return at::_ops::full_out::call(c10::fromIntArrayRefSlow(
size), fill_value, out);
3256 return at::_ops::full_out::call(
size, fill_value, out);
3259 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3261 return at::_ops::full_out::call(
size, fill_value, out);
3267 return at::_ops::full_out::call(
size, fill_value, out);
3270 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3272 return at::_ops::full_out::call(
size, fill_value, out);
3278 return at::_ops::full_like::call(self, fill_value, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
3282 return at::_ops::full_like::call(self, fill_value, dtype, layout, device, pin_memory, memory_format);
3287 return at::_ops::from_file::call(filename, shared,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3291 return at::_ops::from_file::call(filename, shared,
size, dtype, layout, device, pin_memory);
3296 return at::_ops::gcd_out::call(self, other, out);
3300 return at::_ops::gcd_out::call(self, other, out);
3305 return at::_ops::gcd::call(self, other);
3310 return at::_ops::gcd_::call(self, other);
3315 return at::_ops::lcm_out::call(self, other, out);
3319 return at::_ops::lcm_out::call(self, other, out);
3324 return at::_ops::lcm::call(self, other);
3329 return at::_ops::lcm_::call(self, other);
3334 return at::_ops::grid_sampler::call(input, grid, interpolation_mode, padding_mode, align_corners);
3339 return at::_ops::grid_sampler_2d::call(input, grid, interpolation_mode, padding_mode, align_corners);
3344 return at::_ops::grid_sampler_2d_backward::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners, output_mask);
3349 return at::_ops::_grid_sampler_2d_cpu_fallback::call(input, grid, interpolation_mode, padding_mode, align_corners);
3354 return at::_ops::_grid_sampler_2d_cpu_fallback_backward::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners);
3359 return at::_ops::grid_sampler_3d::call(input, grid, interpolation_mode, padding_mode, align_corners);
3364 return at::_ops::grid_sampler_3d_backward::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners, output_mask);
3369 return at::_ops::hann_window::call(window_length, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3373 return at::_ops::hann_window::call(window_length, dtype, layout, device, pin_memory);
3378 return at::_ops::hann_window_periodic::call(window_length, periodic, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3382 return at::_ops::hann_window_periodic::call(window_length, periodic, dtype, layout, device, pin_memory);
3387 return at::_ops::hamming_window::call(window_length, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3391 return at::_ops::hamming_window::call(window_length, dtype, layout, device, pin_memory);
3396 return at::_ops::hamming_window_periodic::call(window_length, periodic, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3400 return at::_ops::hamming_window_periodic::call(window_length, periodic, dtype, layout, device, pin_memory);
3405 return at::_ops::hamming_window_periodic_alpha::call(window_length, periodic, alpha, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3409 return at::_ops::hamming_window_periodic_alpha::call(window_length, periodic, alpha, dtype, layout, device, pin_memory);
3414 return at::_ops::hamming_window_periodic_alpha_beta::call(window_length, periodic, alpha, beta, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3418 return at::_ops::hamming_window_periodic_alpha_beta::call(window_length, periodic, alpha, beta, dtype, layout, device, pin_memory);
3423 return at::_ops::kaiser_window::call(window_length, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3427 return at::_ops::kaiser_window::call(window_length, dtype, layout, device, pin_memory);
3432 return at::_ops::kaiser_window_periodic::call(window_length, periodic, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3436 return at::_ops::kaiser_window_periodic::call(window_length, periodic, dtype, layout, device, pin_memory);
3441 return at::_ops::kaiser_window_beta::call(window_length, periodic, beta, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
3445 return at::_ops::kaiser_window_beta::call(window_length, periodic, beta, dtype, layout, device, pin_memory);
3450 return at::_ops::hinge_embedding_loss::call(self, target, margin, reduction);
3455 return at::_ops::group_norm::call(input, num_groups, weight, bias, eps, cudnn_enabled);
3460 return at::_ops::native_group_norm::call(input, weight, bias, N, C, HxW, group, eps);
3463 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3465 return at::_ops::native_group_norm::call(input, weight, bias, N, C, HxW, group, eps);
3471 return at::_ops::native_group_norm::call(input, weight, bias, N, C, HxW, group, eps);
3474 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3476 return at::_ops::native_group_norm::call(input, weight, bias, N, C, HxW, group, eps);
3481inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3482 return at::_ops::native_group_norm_backward::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask);
3485 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3486 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3487 return at::_ops::native_group_norm_backward::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask);
3492inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3493 return at::_ops::native_group_norm_backward::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask);
3496 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3497 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3498 return at::_ops::native_group_norm_backward::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask);
3504 return at::_ops::_fft_r2c::call(self, dim, normalization, onesided);
3509 return at::_ops::_fft_r2c_out::call(self, dim, normalization, onesided, out);
3513 return at::_ops::_fft_r2c_out::call(self, dim, normalization, onesided, out);
3518 return at::_ops::_fft_c2r::call(self, dim, normalization, last_dim_size);
3523 return at::_ops::_fft_c2r_out::call(self, dim, normalization, last_dim_size, out);
3527 return at::_ops::_fft_c2r_out::call(self, dim, normalization, last_dim_size, out);
3532 return at::_ops::_fft_c2c::call(self, c10::fromIntArrayRefSlow(dim), normalization, forward);
3535 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3537 return at::_ops::_fft_c2c::call(self, c10::fromIntArrayRefSlow(dim), normalization, forward);
3543 return at::_ops::_fft_c2c::call(self, dim, normalization, forward);
3546 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3548 return at::_ops::_fft_c2c::call(self, dim, normalization, forward);
3554 return at::_ops::_fft_c2c_out::call(self, c10::fromIntArrayRefSlow(dim), normalization, forward, out);
3557 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3559 return at::_ops::_fft_c2c_out::call(self, c10::fromIntArrayRefSlow(dim), normalization, forward, out);
3565 return at::_ops::_fft_c2c_out::call(self, c10::fromIntArrayRefSlow(dim), normalization, forward, out);
3568 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3570 return at::_ops::_fft_c2c_out::call(self, c10::fromIntArrayRefSlow(dim), normalization, forward, out);
3576 return at::_ops::_fft_c2c_out::call(self, dim, normalization, forward, out);
3579 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3581 return at::_ops::_fft_c2c_out::call(self, dim, normalization, forward, out);
3587 return at::_ops::_fft_c2c_out::call(self, dim, normalization, forward, out);
3590 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3592 return at::_ops::_fft_c2c_out::call(self, dim, normalization, forward, out);
3598 return at::_ops::_validate_compressed_sparse_indices::call(is_crow, compressed_idx, plain_idx, cdim, dim, nnz);
3603 return at::_ops::_cufft_get_plan_cache_size::call(device_index);
3608 return at::_ops::_cufft_get_plan_cache_max_size::call(device_index);
3613 return at::_ops::_cufft_set_plan_cache_max_size::call(device_index, max_size);
3618 return at::_ops::_cufft_clear_plan_cache::call(device_index);
3623 return at::_ops::index_Tensor::call(self, indices);
3628 return at::_ops::index_Tensor_out::call(self, indices, out);
3632 return at::_ops::index_Tensor_out::call(self, indices, out);
3637 return at::_ops::index_copy_out::call(self, dim,
index, source, out);
3641 return at::_ops::index_copy_out::call(self, dim,
index, source, out);
3646 return at::_ops::index_copy::call(self, dim,
index, source);
3651 return at::_ops::index_copy_dimname::call(self, dim,
index, source);
3656 return at::_ops::index_put_::call(self, indices, values, accumulate);
3661 return at::_ops::index_put::call(self, indices, values, accumulate);
3666 return at::_ops::_index_put_impl_::call(self, indices, values, accumulate, unsafe);
3671 return at::_ops::instance_norm::call(input, weight, bias, running_mean, running_var, use_input_stats, momentum, eps, cudnn_enabled);
3676 return at::_ops::isclose::call(self, other, rtol, atol, equal_nan);
3681 return at::_ops::isin_Tensor_Tensor_out::call(elements, test_elements, assume_unique, invert, out);
3685 return at::_ops::isin_Tensor_Tensor_out::call(elements, test_elements, assume_unique, invert, out);
3690 return at::_ops::isin_Tensor_Tensor::call(elements, test_elements, assume_unique, invert);
3695 return at::_ops::isin_Tensor_Scalar_out::call(elements, test_element, assume_unique, invert, out);
3699 return at::_ops::isin_Tensor_Scalar_out::call(elements, test_element, assume_unique, invert, out);
3704 return at::_ops::isin_Tensor_Scalar::call(elements, test_element, assume_unique, invert);
3709 return at::_ops::isin_Scalar_Tensor_out::call(element, test_elements, assume_unique, invert, out);
3713 return at::_ops::isin_Scalar_Tensor_out::call(element, test_elements, assume_unique, invert, out);
3718 return at::_ops::isin_Scalar_Tensor::call(element, test_elements, assume_unique, invert);
3723 return at::_ops::isnan::call(self);
3728 return at::_ops::is_distributed::call(self);
3733 return at::_ops::is_floating_point::call(self);
3738 return at::_ops::is_complex::call(self);
3743 return at::_ops::is_conj::call(self);
3748 return at::_ops::_is_zerotensor::call(self);
3753 return at::_ops::is_neg::call(self);
3758 return at::_ops::isreal::call(self);
3763 return at::_ops::is_nonzero::call(self);
3768 return at::_ops::is_same_size::call(self, other);
3773 return at::_ops::is_signed::call(self);
3778 return at::_ops::is_inference::call(self);
3783 return at::_ops::kl_div::call(self, target, reduction, log_target);
3788 return at::_ops::kron::call(self, other);
3793 return at::_ops::kron_out::call(self, other, out);
3797 return at::_ops::kron_out::call(self, other, out);
3801inline ::std::tuple<at::Tensor,at::Tensor>
kthvalue(
const at::Tensor & self, int64_t k, int64_t dim=-1,
bool keepdim=
false) {
3802 return at::_ops::kthvalue::call(self, k, dim, keepdim);
3807 return at::_ops::kthvalue_values::call(self, k, dim, keepdim, values, indices);
3811 return at::_ops::kthvalue_values::call(self, k, dim, keepdim, values, indices);
3815inline ::std::tuple<at::Tensor,at::Tensor>
kthvalue(
const at::Tensor & self, int64_t k, at::Dimname dim,
bool keepdim=
false) {
3816 return at::_ops::kthvalue_dimname::call(self, k, dim, keepdim);
3821 return at::_ops::kthvalue_dimname_out::call(self, k, dim, keepdim, values, indices);
3825 return at::_ops::kthvalue_dimname_out::call(self, k, dim, keepdim, values, indices);
3830 return at::_ops::layer_norm::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps, cudnn_enable);
3833 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3835 return at::_ops::layer_norm::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps, cudnn_enable);
3841 return at::_ops::layer_norm::call(input, normalized_shape, weight, bias, eps, cudnn_enable);
3844 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3846 return at::_ops::layer_norm::call(input, normalized_shape, weight, bias, eps, cudnn_enable);
3852 return at::_ops::native_layer_norm::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps);
3855 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3857 return at::_ops::native_layer_norm::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps);
3863 return at::_ops::native_layer_norm::call(input, normalized_shape, weight, bias, eps);
3866 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3868 return at::_ops::native_layer_norm::call(input, normalized_shape, weight, bias, eps);
3873inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3874 return at::_ops::native_layer_norm_backward::call(grad_out, input, c10::fromIntArrayRefSlow(normalized_shape),
mean, rstd, weight, bias, output_mask);
3877 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
3878 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3879 return at::_ops::native_layer_norm_backward::call(grad_out, input, c10::fromIntArrayRefSlow(normalized_shape),
mean, rstd, weight, bias, output_mask);
3884inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3885 return at::_ops::native_layer_norm_backward::call(grad_out, input, normalized_shape,
mean, rstd, weight, bias, output_mask);
3888 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
3889 ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
3890 return at::_ops::native_layer_norm_backward::call(grad_out, input, normalized_shape,
mean, rstd, weight, bias, output_mask);
3896 return at::_ops::nan_to_num::call(self, nan, posinf, neginf);
3901 return at::_ops::nan_to_num_::call(self, nan, posinf, neginf);
3906 return at::_ops::nan_to_num_out::call(self, nan, posinf, neginf, out);
3910 return at::_ops::nan_to_num_out::call(self, nan, posinf, neginf, out);
3915 return at::_ops::linear::call(input, weight, bias);
3920 return at::_ops::linear_backward::call(self, grad_output, weight, output_mask);
3925 return at::_ops::linear_out::call(input, weight, bias, out);
3929 return at::_ops::linear_out::call(input, weight, bias, out);
3934 return at::_ops::mkldnn_linear::call(self, weight, bias);
3939 return at::_ops::mkldnn_linear_backward_input::call(input_size, grad_output, weight);
3944 return at::_ops::mkldnn_linear_backward_weights::call(grad_output, input, weight, bias_defined);
3949 return at::_ops::mkldnn_linear_backward::call(self, grad_output, weight, output_mask);
3954 return at::_ops::fbgemm_linear_int8_weight_fp32_activation::call(input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias);
3959 return at::_ops::fbgemm_linear_int8_weight::call(input, weight, packed, col_offsets, weight_scale, weight_zero_point, bias);
3964 return at::_ops::fbgemm_linear_quantize_weight::call(input);
3969 return at::_ops::fbgemm_pack_gemm_matrix_fp16::call(input);
3974 return at::_ops::fbgemm_linear_fp16_weight_fp32_activation::call(input, packed_weight, bias);
3979 return at::_ops::fbgemm_linear_fp16_weight::call(input, packed_weight, bias);
3984 return at::_ops::fbgemm_pack_quantized_matrix::call(input);
3989 return at::_ops::fbgemm_pack_quantized_matrix_KN::call(input, K, N);
3994 return at::_ops::ldexp_Tensor::call(self, other);
3999 return at::_ops::ldexp_::call(self, other);
4004 return at::_ops::ldexp_out::call(self, other, out);
4008 return at::_ops::ldexp_out::call(self, other, out);
4012inline at::Tensor linspace(
const at::Scalar & start,
const at::Scalar & end, int64_t steps, at::TensorOptions options={}) {
4013 return at::_ops::linspace::call(start, end, steps, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
4017 return at::_ops::linspace::call(start, end, steps, dtype, layout, device, pin_memory);
4022 return at::_ops::linspace_out::call(start, end, steps, out);
4026 return at::_ops::linspace_out::call(start, end, steps, out);
4031 return at::_ops::log::call(self);
4036 return at::_ops::log_::call(self);
4041 return at::_ops::log_out::call(self, out);
4045 return at::_ops::log_out::call(self, out);
4050 return at::_ops::log10::call(self);
4055 return at::_ops::log10_::call(self);
4060 return at::_ops::log10_out::call(self, out);
4064 return at::_ops::log10_out::call(self, out);
4069 return at::_ops::log1p::call(self);
4074 return at::_ops::log1p_::call(self);
4079 return at::_ops::log1p_out::call(self, out);
4083 return at::_ops::log1p_out::call(self, out);
4088 return at::_ops::log2::call(self);
4093 return at::_ops::log2_::call(self);
4098 return at::_ops::log2_out::call(self, out);
4102 return at::_ops::log2_out::call(self, out);
4107 return at::_ops::logaddexp_out::call(self, other, out);
4111 return at::_ops::logaddexp_out::call(self, other, out);
4116 return at::_ops::logaddexp::call(self, other);
4121 return at::_ops::logaddexp2_out::call(self, other, out);
4125 return at::_ops::logaddexp2_out::call(self, other, out);
4130 return at::_ops::logaddexp2::call(self, other);
4135 return at::_ops::xlogy_Tensor::call(self, other);
4140 return at::_ops::xlogy_Scalar_Self::call(self, other);
4145 return at::_ops::xlogy_Scalar_Other::call(self, other);
4150 return at::_ops::xlogy__Tensor::call(self, other);
4155 return at::_ops::xlogy__Scalar_Other::call(self, other);
4160 return at::_ops::xlogy_OutTensor::call(self, other, out);
4164 return at::_ops::xlogy_OutTensor::call(self, other, out);
4169 return at::_ops::xlogy_OutScalar_Self::call(self, other, out);
4173 return at::_ops::xlogy_OutScalar_Self::call(self, other, out);
4178 return at::_ops::xlogy_OutScalar_Other::call(self, other, out);
4182 return at::_ops::xlogy_OutScalar_Other::call(self, other, out);
4186inline at::Tensor logspace(
const at::Scalar & start,
const at::Scalar & end, int64_t steps,
double base=10.0, at::TensorOptions options={}) {
4187 return at::_ops::logspace::call(start, end, steps, base, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
4191 return at::_ops::logspace::call(start, end, steps, base, dtype, layout, device, pin_memory);
4196 return at::_ops::logspace_out::call(start, end, steps, base, out);
4200 return at::_ops::logspace_out::call(start, end, steps, base, out);
4205 return at::_ops::log_softmax_int::call(self, dim, dtype);
4210 return at::_ops::log_softmax_int_out::call(self, dim, dtype, out);
4214 return at::_ops::log_softmax_int_out::call(self, dim, dtype, out);
4219 return at::_ops::log_softmax_Dimname::call(self, dim, dtype);
4224 return at::_ops::_log_softmax::call(self, dim, half_to_float);
4229 return at::_ops::_log_softmax_out::call(self, dim, half_to_float, out);
4233 return at::_ops::_log_softmax_out::call(self, dim, half_to_float, out);
4238 return at::_ops::_log_softmax_backward_data::call(grad_output, output, dim, input_dtype);
4243 return at::_ops::_log_softmax_backward_data_out::call(grad_output, output, dim, input_dtype, out);
4247 return at::_ops::_log_softmax_backward_data_out::call(grad_output, output, dim, input_dtype, out);
4252 return at::_ops::_logcumsumexp::call(self, dim);
4257 return at::_ops::_logcumsumexp_out::call(self, dim, out);
4261 return at::_ops::_logcumsumexp_out::call(self, dim, out);
4266 return at::_ops::logcumsumexp::call(self, dim);
4271 return at::_ops::logcumsumexp_out::call(self, dim, out);
4275 return at::_ops::logcumsumexp_out::call(self, dim, out);
4280 return at::_ops::logcumsumexp_dimname::call(self, dim);
4285 return at::_ops::logcumsumexp_dimname_out::call(self, dim, out);
4289 return at::_ops::logcumsumexp_dimname_out::call(self, dim, out);
4294 return at::_ops::logsumexp::call(self, dim, keepdim);
4299 return at::_ops::logsumexp_out::call(self, dim, keepdim, out);
4303 return at::_ops::logsumexp_out::call(self, dim, keepdim, out);
4308 return at::_ops::logsumexp_names::call(self, dim, keepdim);
4313 return at::_ops::logsumexp_names_out::call(self, dim, keepdim, out);
4317 return at::_ops::logsumexp_names_out::call(self, dim, keepdim, out);
4322 return at::_ops::margin_ranking_loss::call(input1, input2, target, margin, reduction);
4327 return at::_ops::matmul::call(self, other);
4332 return at::_ops::matmul_backward::call(grad, self, other, mask);
4337 return at::_ops::matmul_out::call(self, other, out);
4341 return at::_ops::matmul_out::call(self, other, out);
4346 return at::_ops::matrix_power::call(self, n);
4351 return at::_ops::matrix_power_out::call(self, n, out);
4355 return at::_ops::matrix_power_out::call(self, n, out);
4360 return at::_ops::matrix_exp::call(self);
4365 return at::_ops::matrix_exp_backward::call(self, grad);
4370 return at::_ops::_aminmax::call(self);
4374inline ::std::tuple<at::Tensor,at::Tensor>
_aminmax(
const at::Tensor & self, int64_t dim,
bool keepdim=
false) {
4375 return at::_ops::_aminmax_dim::call(self, dim, keepdim);
4380 return at::_ops::aminmax::call(self, dim, keepdim);
4385 return at::_ops::aminmax_out::call(self, dim, keepdim,
min,
max);
4389 return at::_ops::aminmax_out::call(self, dim, keepdim,
min,
max);
4394 return at::_ops::_compute_linear_combination::call(input, coefficients);
4399 return at::_ops::_compute_linear_combination_out::call(input, coefficients, out);
4403 return at::_ops::_compute_linear_combination_out::call(input, coefficients, out);
4407inline ::std::tuple<at::Tensor,at::Tensor>
max(
const at::Tensor & self, int64_t dim,
bool keepdim=
false) {
4408 return at::_ops::max_dim::call(self, dim, keepdim);
4413 return at::_ops::max_dim_max::call(self, dim, keepdim,
max, max_values);
4417 return at::_ops::max_dim_max::call(self, dim, keepdim,
max, max_values);
4421inline ::std::tuple<at::Tensor,at::Tensor>
max(
const at::Tensor & self, at::Dimname dim,
bool keepdim=
false) {
4422 return at::_ops::max_names_dim::call(self, dim, keepdim);
4427 return at::_ops::max_names_dim_max::call(self, dim, keepdim,
max, max_values);
4431 return at::_ops::max_names_dim_max::call(self, dim, keepdim,
max, max_values);
4436 return at::_ops::value_selecting_reduction_backward::call(grad, dim, indices, c10::fromIntArrayRefSlow(sizes), keepdim);
4439 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4441 return at::_ops::value_selecting_reduction_backward::call(grad, dim, indices, c10::fromIntArrayRefSlow(
sizes), keepdim);
4447 return at::_ops::value_selecting_reduction_backward::call(grad, dim, indices, sizes, keepdim);
4450 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4452 return at::_ops::value_selecting_reduction_backward::call(grad, dim, indices,
sizes, keepdim);
4458 return at::_ops::amax::call(self, dim, keepdim);
4463 return at::_ops::amax_out::call(self, dim, keepdim, out);
4467 return at::_ops::amax_out::call(self, dim, keepdim, out);
4471inline ::std::tuple<at::Tensor,at::Tensor>
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) {
4472 return at::_ops::max_pool1d_with_indices::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4477 return at::_ops::max_pool1d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4482 return at::_ops::max_pool2d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4487 return at::_ops::max_pool2d_backward::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode);
4492 return at::_ops::mkldnn_max_pool2d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4497 return at::_ops::mkldnn_max_pool2d_backward::call(grad_output, output, input, kernel_size,
stride, padding, dilation, ceil_mode);
4502 return at::_ops::mkldnn_max_pool3d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4507 return at::_ops::mkldnn_max_pool3d_backward::call(grad_output, output, input, kernel_size,
stride, padding, dilation, ceil_mode);
4512 return at::_ops::quantized_max_pool1d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4517 return at::_ops::quantized_max_pool2d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4522 return at::_ops::max_pool3d::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
4527 return at::_ops::mean::call(self, dtype);
4532 return at::_ops::mean_dim::call(self, dim, keepdim, dtype);
4537 return at::_ops::mean_out::call(self, dim, keepdim, dtype, out);
4541 return at::_ops::mean_out::call(self, dim, keepdim, dtype, out);
4546 return at::_ops::mean_names_dim::call(self, dim, keepdim, dtype);
4551 return at::_ops::mean_names_out::call(self, dim, keepdim, dtype, out);
4555 return at::_ops::mean_names_out::call(self, dim, keepdim, dtype, out);
4560 return at::_ops::nanmean::call(self, dim, keepdim, dtype);
4565 return at::_ops::nanmean_out::call(self, dim, keepdim, dtype, out);
4569 return at::_ops::nanmean_out::call(self, dim, keepdim, dtype, out);
4574 return at::_ops::median::call(self);
4578inline ::std::tuple<at::Tensor,at::Tensor>
median(
const at::Tensor & self, int64_t dim,
bool keepdim=
false) {
4579 return at::_ops::median_dim::call(self, dim, keepdim);
4584 return at::_ops::median_dim_values::call(self, dim, keepdim, values, indices);
4588 return at::_ops::median_dim_values::call(self, dim, keepdim, values, indices);
4592inline ::std::tuple<at::Tensor,at::Tensor>
median(
const at::Tensor & self, at::Dimname dim,
bool keepdim=
false) {
4593 return at::_ops::median_names_dim::call(self, dim, keepdim);
4598 return at::_ops::median_names_dim_values::call(self, dim, keepdim, values, indices);
4602 return at::_ops::median_names_dim_values::call(self, dim, keepdim, values, indices);
4607 return at::_ops::nanmedian::call(self);
4611inline ::std::tuple<at::Tensor,at::Tensor>
nanmedian(
const at::Tensor & self, int64_t dim,
bool keepdim=
false) {
4612 return at::_ops::nanmedian_dim::call(self, dim, keepdim);
4617 return at::_ops::nanmedian_dim_values::call(self, dim, keepdim, values, indices);
4621 return at::_ops::nanmedian_dim_values::call(self, dim, keepdim, values, indices);
4625inline ::std::tuple<at::Tensor,at::Tensor>
nanmedian(
const at::Tensor & self, at::Dimname dim,
bool keepdim=
false) {
4626 return at::_ops::nanmedian_names_dim::call(self, dim, keepdim);
4631 return at::_ops::nanmedian_names_dim_values::call(self, dim, keepdim, values, indices);
4635 return at::_ops::nanmedian_names_dim_values::call(self, dim, keepdim, values, indices);
4639inline ::std::tuple<at::Tensor,at::Tensor>
min(
const at::Tensor & self, int64_t dim,
bool keepdim=
false) {
4640 return at::_ops::min_dim::call(self, dim, keepdim);
4645 return at::_ops::min_dim_min::call(self, dim, keepdim,
min, min_indices);
4649 return at::_ops::min_dim_min::call(self, dim, keepdim,
min, min_indices);
4653inline ::std::tuple<at::Tensor,at::Tensor>
min(
const at::Tensor & self, at::Dimname dim,
bool keepdim=
false) {
4654 return at::_ops::min_names_dim::call(self, dim, keepdim);
4659 return at::_ops::min_names_dim_min::call(self, dim, keepdim,
min, min_indices);
4663 return at::_ops::min_names_dim_min::call(self, dim, keepdim,
min, min_indices);
4668 return at::_ops::amin::call(self, dim, keepdim);
4673 return at::_ops::amin_out::call(self, dim, keepdim, out);
4677 return at::_ops::amin_out::call(self, dim, keepdim, out);
4682 return at::_ops::_mps_convolution::call(self, weight, bias, padding,
stride, dilation, groups);
4686inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
4687 return at::_ops::mps_convolution_backward::call(self, grad_output, weight, padding,
stride, dilation, groups, output_mask);
4692 return at::_ops::mkldnn_convolution::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups);
4695 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4697 return at::_ops::mkldnn_convolution::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups);
4703 return at::_ops::mkldnn_convolution::call(self, weight, bias, padding,
stride, dilation, groups);
4706 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4708 return at::_ops::mkldnn_convolution::call(self, weight, bias, padding,
stride, dilation, groups);
4713inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
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) {
4714 return at::_ops::mkldnn_rnn_layer::call(input, weight0, weight1, weight2, weight3, hx_, cx_, reverse, batch_sizes,
mode, hidden_size, num_layers, has_biases, bidirectional, batch_first, train);
4718inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
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) {
4719 return at::_ops::mkldnn_rnn_layer_backward::call(input, weight1, weight2, weight3, weight4, hx_, cx_tmp, output, hy_, cy_, grad_output, grad_hy, grad_cy, reverse,
mode, hidden_size, num_layers, has_biases, train, bidirectional, batch_sizes, batch_first, workspace);
4724 return at::_ops::miopen_batch_norm::call(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon);
4729 return at::_ops::miopen_batch_norm_backward::call(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon);
4734 return at::_ops::miopen_convolution::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic);
4737 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4739 return at::_ops::miopen_convolution::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic);
4745 return at::_ops::miopen_convolution::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic);
4748 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4750 return at::_ops::miopen_convolution::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic);
4756 return at::_ops::miopen_convolution_transpose::call(self, weight, bias, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding),
stride, dilation, groups, benchmark, deterministic);
4759 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4761 return at::_ops::miopen_convolution_transpose::call(self, weight, bias, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding),
stride, dilation, groups, benchmark, deterministic);
4767 return at::_ops::miopen_convolution_transpose::call(self, weight, bias, padding, output_padding,
stride, dilation, groups, benchmark, deterministic);
4770 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4772 return at::_ops::miopen_convolution_transpose::call(self, weight, bias, padding, output_padding,
stride, dilation, groups, benchmark, deterministic);
4778 return at::_ops::miopen_depthwise_convolution::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic);
4781 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4783 return at::_ops::miopen_depthwise_convolution::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic);
4789 return at::_ops::miopen_depthwise_convolution::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic);
4792 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4794 return at::_ops::miopen_depthwise_convolution::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic);
4800 return at::_ops::miopen_convolution_relu::call(self, weight, bias,
stride, padding, dilation, groups);
4805 return at::_ops::miopen_convolution_add_relu::call(self, weight, z, alpha, bias,
stride, padding, dilation, groups);
4809inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
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) {
4810 return at::_ops::miopen_rnn::call(input, weight, weight_stride0, hx, cx,
mode, hidden_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state);
4814inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,::std::vector<at::Tensor>>
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) {
4815 return at::_ops::miopen_rnn_backward::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask);
4820 return at::_ops::mm::call(self, mat2);
4825 return at::_ops::mm_out::call(self, mat2, out);
4829 return at::_ops::mm_out::call(self, mat2, out);
4834 return at::_ops::_sparse_mm::call(sparse, dense);
4839 return at::_ops::_sparse_mm_reduce::call(sparse, dense, reduce);
4844 return at::_ops::_sparse_sparse_matmul::call(self, other);
4848inline ::std::tuple<at::Tensor,at::Tensor>
mode(
const at::Tensor & self, int64_t dim=-1,
bool keepdim=
false) {
4849 return at::_ops::mode::call(self, dim, keepdim);
4854 return at::_ops::mode_values::call(self, dim, keepdim, values, indices);
4858 return at::_ops::mode_values::call(self, dim, keepdim, values, indices);
4862inline ::std::tuple<at::Tensor,at::Tensor>
mode(
const at::Tensor & self, at::Dimname dim,
bool keepdim=
false) {
4863 return at::_ops::mode_dimname::call(self, dim, keepdim);
4868 return at::_ops::mode_dimname_out::call(self, dim, keepdim, values, indices);
4872 return at::_ops::mode_dimname_out::call(self, dim, keepdim, values, indices);
4877 return at::_ops::mul_Tensor::call(self, other);
4882 return at::_ops::mul_out::call(self, other, out);
4886 return at::_ops::mul_out::call(self, other, out);
4891 return at::_ops::mul_Scalar::call(self, other);
4896 return at::_ops::multiply_Tensor::call(self, other);
4901 return at::_ops::multiply_out::call(self, other, out);
4905 return at::_ops::multiply_out::call(self, other, out);
4910 return at::_ops::multiply_Scalar::call(self, other);
4915 return at::_ops::mv::call(self, vec);
4920 return at::_ops::mv_out::call(self, vec, out);
4924 return at::_ops::mv_out::call(self, vec, out);
4929 return at::_ops::mvlgamma_out::call(self, p, out);
4933 return at::_ops::mvlgamma_out::call(self, p, out);
4938 return at::_ops::mvlgamma::call(self, p);
4943 return at::_ops::narrow_copy::call(self, dim, start, length);
4946 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4948 return at::_ops::narrow_copy::call(self, dim, start, length);
4954 return at::_ops::narrow_copy::call(self, dim, start, length);
4957 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4959 return at::_ops::narrow_copy::call(self, dim, start, length);
4965 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
4968 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4970 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
4976 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
4979 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
4981 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
4987 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
4990 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
4992 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
4998 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
5001 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5003 return at::_ops::narrow_copy_out::call(self, dim, start, length, out);
5009 return at::_ops::narrow::call(self, dim, start, length);
5012 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5014 return at::_ops::narrow::call(self, dim, start, length);
5020 return at::_ops::narrow::call(self, dim, start, length);
5023 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5025 return at::_ops::narrow::call(self, dim, start, length);
5031 return at::_ops::narrow_Tensor::call(self, dim, start, length);
5034 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5036 return at::_ops::narrow_Tensor::call(self, dim, start, length);
5042 return at::_ops::narrow_Tensor::call(self, dim, start, length);
5045 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5047 return at::_ops::narrow_Tensor::call(self, dim, start, length);
5053 return at::_ops::native_batch_norm::call(input, weight, bias, running_mean, running_var, training, momentum, eps);
5057inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
5058 return at::_ops::native_batch_norm_out::call(input, weight, bias, running_mean, running_var, training, momentum, eps, out, save_mean, save_invstd);
5061inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
5062 return at::_ops::native_batch_norm_out::call(input, weight, bias, running_mean, running_var, training, momentum, eps, out, save_mean, save_invstd);
5067 return at::_ops::_native_batch_norm_legit::call(input, weight, bias, running_mean, running_var, training, momentum, eps);
5071inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
5072 return at::_ops::_native_batch_norm_legit_out::call(input, weight, bias, running_mean, running_var, training, momentum, eps, out, save_mean, save_invstd);
5075inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
5076 return at::_ops::_native_batch_norm_legit_out::call(input, weight, bias, running_mean, running_var, training, momentum, eps, out, save_mean, save_invstd);
5081 return at::_ops::_native_batch_norm_legit_no_stats::call(input, weight, bias, training, momentum, eps);
5085inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
5086 return at::_ops::_native_batch_norm_legit_no_stats_out::call(input, weight, bias, training, momentum, eps, out, save_mean, save_invstd);
5089inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
5090 return at::_ops::_native_batch_norm_legit_no_stats_out::call(input, weight, bias, training, momentum, eps, out, save_mean, save_invstd);
5095 return at::_ops::batch_norm_stats::call(input, eps);
5100 return at::_ops::batch_norm_elemt::call(input, weight, bias,
mean, invstd, eps);
5105 return at::_ops::batch_norm_elemt_out::call(input, weight, bias,
mean, invstd, eps, out);
5109 return at::_ops::batch_norm_elemt_out::call(input, weight, bias,
mean, invstd, eps, out);
5114 return at::_ops::batch_norm_gather_stats::call(input,
mean, invstd, running_mean, running_var, momentum, eps, count);
5119 return at::_ops::batch_norm_gather_stats_with_counts::call(input,
mean, invstd, running_mean, running_var, momentum, eps, counts);
5123inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
5124 return at::_ops::native_batch_norm_backward::call(grad_out, input, weight, running_mean, running_var, save_mean, save_invstd, train, eps, output_mask);
5128inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
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) {
5129 return at::_ops::batch_norm_backward_reduce::call(grad_out, input,
mean, invstd, weight, input_g, weight_g, bias_g);
5134 return at::_ops::batch_norm_backward_elemt::call(grad_out, input,
mean, invstd, weight, mean_dy, mean_dy_xmu, count);
5139 return at::_ops::batch_norm_update_stats::call(input, running_mean, running_var, momentum);
5144 return at::_ops::is_vulkan_available::call();
5149 return at::_ops::_nnpack_available::call();
5154 return at::_ops::_nnpack_spatial_convolution::call(input, weight, bias, c10::fromIntArrayRefSlow(padding),
stride);
5157 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5159 return at::_ops::_nnpack_spatial_convolution::call(input, weight, bias, c10::fromIntArrayRefSlow(padding),
stride);
5165 return at::_ops::_nnpack_spatial_convolution::call(input, weight, bias, padding,
stride);
5168 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5170 return at::_ops::_nnpack_spatial_convolution::call(input, weight, bias, padding,
stride);
5176 return at::_ops::ones_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5180 return at::_ops::ones_names::call(
size, names, dtype, layout, device, pin_memory);
5185 return at::_ops::ones::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5188 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5190 return at::_ops::ones::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5196 return at::_ops::ones::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5199 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5201 return at::_ops::ones::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5207 return at::_ops::ones::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5210 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5212 return at::_ops::ones::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5218 return at::_ops::ones::call(
size, dtype, layout, device, pin_memory);
5221 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5223 return at::_ops::ones::call(
size, dtype, layout, device, pin_memory);
5229 return at::_ops::ones_out::call(c10::fromIntArrayRefSlow(
size), out);
5232 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5234 return at::_ops::ones_out::call(c10::fromIntArrayRefSlow(
size), out);
5240 return at::_ops::ones_out::call(c10::fromIntArrayRefSlow(
size), out);
5243 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5245 return at::_ops::ones_out::call(c10::fromIntArrayRefSlow(
size), out);
5251 return at::_ops::ones_out::call(
size, out);
5254 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5256 return at::_ops::ones_out::call(
size, out);
5262 return at::_ops::ones_out::call(
size, out);
5265 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5267 return at::_ops::ones_out::call(
size, out);
5273 return at::_ops::ones_like::call(self, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
5277 return at::_ops::ones_like::call(self, dtype, layout, device, pin_memory, memory_format);
5282 return at::_ops::pairwise_distance::call(x1, x2, p, eps, keepdim);
5287 return at::_ops::cdist::call(x1, x2, p, compute_mode);
5292 return at::_ops::_euclidean_dist::call(x1, x2);
5297 return at::_ops::_cdist_forward::call(x1, x2, p, compute_mode);
5302 return at::_ops::_cdist_backward::call(grad, x1, x2, p,
cdist);
5307 return at::_ops::pdist::call(self, p);
5312 return at::_ops::_pdist_forward::call(self, p);
5317 return at::_ops::_pdist_backward::call(grad, self, p,
pdist);
5322 return at::_ops::cosine_similarity::call(x1, x2, dim, eps);
5327 return at::_ops::permute::call(self, dims);
5332 return at::_ops::movedim_intlist::call(self, source, destination);
5337 return at::_ops::movedim_int::call(self, source, destination);
5342 return at::_ops::moveaxis_intlist::call(self, source, destination);
5347 return at::_ops::moveaxis_int::call(self, source, destination);
5352 return at::_ops::adjoint::call(self);
5357 return at::_ops::pixel_shuffle::call(self, upscale_factor);
5362 return at::_ops::pixel_unshuffle::call(self, downscale_factor);
5367 return at::_ops::channel_shuffle::call(self, groups);
5372 return at::_ops::native_channel_shuffle::call(self, groups);
5377 return at::_ops::_pin_memory::call(self, device);
5382 return at::_ops::pinverse::call(self, rcond);
5387 return at::_ops::poisson_nll_loss::call(input, target, log_input,
full, eps, reduction);
5392 return at::_ops::rad2deg::call(self);
5397 return at::_ops::rad2deg_::call(self);
5402 return at::_ops::rad2deg_out::call(self, out);
5406 return at::_ops::rad2deg_out::call(self, out);
5411 return at::_ops::deg2rad::call(self);
5416 return at::_ops::deg2rad_::call(self);
5421 return at::_ops::deg2rad_out::call(self, out);
5425 return at::_ops::deg2rad_out::call(self, out);
5430 return at::_ops::scalar_tensor::call(s, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5434 return at::_ops::scalar_tensor::call(s, dtype, layout, device, pin_memory);
5439 return at::_ops::rand_names::call(c10::fromIntArrayRefSlow(
size), names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5442 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5444 return at::_ops::rand_names::call(c10::fromIntArrayRefSlow(
size), names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5450 return at::_ops::rand_names::call(c10::fromIntArrayRefSlow(
size), names, dtype, layout, device, pin_memory);
5453 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5455 return at::_ops::rand_names::call(c10::fromIntArrayRefSlow(
size), names, dtype, layout, device, pin_memory);
5461 return at::_ops::rand_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5464 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5466 return at::_ops::rand_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5472 return at::_ops::rand_names::call(
size, names, dtype, layout, device, pin_memory);
5475 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5477 return at::_ops::rand_names::call(
size, names, dtype, layout, device, pin_memory);
5483 return at::_ops::rand_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5486 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5488 return at::_ops::rand_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5494 return at::_ops::rand_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, dtype, layout, device, pin_memory);
5497 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5499 return at::_ops::rand_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, dtype, layout, device, pin_memory);
5505 return at::_ops::rand_generator_with_names::call(
size, generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5508 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5510 return at::_ops::rand_generator_with_names::call(
size, generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5516 return at::_ops::rand_generator_with_names::call(
size, generator, names, dtype, layout, device, pin_memory);
5519 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5521 return at::_ops::rand_generator_with_names::call(
size, generator, names, dtype, layout, device, pin_memory);
5527 return at::_ops::rand::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5530 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5532 return at::_ops::rand::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5538 return at::_ops::rand::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5541 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5543 return at::_ops::rand::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5549 return at::_ops::rand::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5552 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5554 return at::_ops::rand::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5560 return at::_ops::rand::call(
size, dtype, layout, device, pin_memory);
5563 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5565 return at::_ops::rand::call(
size, dtype, layout, device, pin_memory);
5571 return at::_ops::rand_generator::call(c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5574 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5576 return at::_ops::rand_generator::call(c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5582 return at::_ops::rand_generator::call(c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
5585 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5587 return at::_ops::rand_generator::call(c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
5593 return at::_ops::rand_generator::call(
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5596 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5598 return at::_ops::rand_generator::call(
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5604 return at::_ops::rand_generator::call(
size, generator, dtype, layout, device, pin_memory);
5607 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5609 return at::_ops::rand_generator::call(
size, generator, dtype, layout, device, pin_memory);
5615 return at::_ops::rand_out::call(c10::fromIntArrayRefSlow(
size), out);
5618 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5620 return at::_ops::rand_out::call(c10::fromIntArrayRefSlow(
size), out);
5626 return at::_ops::rand_out::call(c10::fromIntArrayRefSlow(
size), out);
5629 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5631 return at::_ops::rand_out::call(c10::fromIntArrayRefSlow(
size), out);
5637 return at::_ops::rand_out::call(
size, out);
5640 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5642 return at::_ops::rand_out::call(
size, out);
5648 return at::_ops::rand_out::call(
size, out);
5651 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5653 return at::_ops::rand_out::call(
size, out);
5659 return at::_ops::rand_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
5662 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5664 return at::_ops::rand_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
5670 return at::_ops::rand_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
5673 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5675 return at::_ops::rand_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
5681 return at::_ops::rand_generator_out::call(
size, generator, out);
5684 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5686 return at::_ops::rand_generator_out::call(
size, generator, out);
5692 return at::_ops::rand_generator_out::call(
size, generator, out);
5695 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5697 return at::_ops::rand_generator_out::call(
size, generator, out);
5703 return at::_ops::rand_like::call(self, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
5707 return at::_ops::rand_like::call(self, dtype, layout, device, pin_memory, memory_format);
5712 return at::_ops::randint::call(high, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5715 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5717 return at::_ops::randint::call(high, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5723 return at::_ops::randint::call(high, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5726 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5728 return at::_ops::randint::call(high, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5734 return at::_ops::randint::call(high,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5737 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5739 return at::_ops::randint::call(high,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5745 return at::_ops::randint::call(high,
size, dtype, layout, device, pin_memory);
5748 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5750 return at::_ops::randint::call(high,
size, dtype, layout, device, pin_memory);
5756 return at::_ops::randint_generator::call(high, c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5759 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5761 return at::_ops::randint_generator::call(high, c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5767 return at::_ops::randint_generator::call(high, c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
5770 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5772 return at::_ops::randint_generator::call(high, c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
5778 return at::_ops::randint_generator::call(high,
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5781 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5783 return at::_ops::randint_generator::call(high,
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5789 return at::_ops::randint_generator::call(high,
size, generator, dtype, layout, device, pin_memory);
5792 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5794 return at::_ops::randint_generator::call(high,
size, generator, dtype, layout, device, pin_memory);
5800 return at::_ops::randint_low::call(low, high, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5803 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5805 return at::_ops::randint_low::call(low, high, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5811 return at::_ops::randint_low::call(low, high, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5814 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5816 return at::_ops::randint_low::call(low, high, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
5822 return at::_ops::randint_low::call(low, high,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5825 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5827 return at::_ops::randint_low::call(low, high,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5833 return at::_ops::randint_low::call(low, high,
size, dtype, layout, device, pin_memory);
5836 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5838 return at::_ops::randint_low::call(low, high,
size, dtype, layout, device, pin_memory);
5844 return at::_ops::randint_low_generator::call(low, high, c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5847 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5849 return at::_ops::randint_low_generator::call(low, high, c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5855 return at::_ops::randint_low_generator::call(low, high, c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
5858 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5860 return at::_ops::randint_low_generator::call(low, high, c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
5866 return at::_ops::randint_low_generator::call(low, high,
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5869 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5871 return at::_ops::randint_low_generator::call(low, high,
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
5877 return at::_ops::randint_low_generator::call(low, high,
size, generator, dtype, layout, device, pin_memory);
5880 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5882 return at::_ops::randint_low_generator::call(low, high,
size, generator, dtype, layout, device, pin_memory);
5888 return at::_ops::randint_out::call(high, c10::fromIntArrayRefSlow(
size), out);
5891 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5893 return at::_ops::randint_out::call(high, c10::fromIntArrayRefSlow(
size), out);
5899 return at::_ops::randint_out::call(high, c10::fromIntArrayRefSlow(
size), out);
5902 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5904 return at::_ops::randint_out::call(high, c10::fromIntArrayRefSlow(
size), out);
5910 return at::_ops::randint_out::call(high,
size, out);
5913 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5915 return at::_ops::randint_out::call(high,
size, out);
5921 return at::_ops::randint_out::call(high,
size, out);
5924 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5926 return at::_ops::randint_out::call(high,
size, out);
5932 return at::_ops::randint_generator_out::call(high, c10::fromIntArrayRefSlow(
size), generator, out);
5935 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5937 return at::_ops::randint_generator_out::call(high, c10::fromIntArrayRefSlow(
size), generator, out);
5943 return at::_ops::randint_generator_out::call(high, c10::fromIntArrayRefSlow(
size), generator, out);
5946 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5948 return at::_ops::randint_generator_out::call(high, c10::fromIntArrayRefSlow(
size), generator, out);
5954 return at::_ops::randint_generator_out::call(high,
size, generator, out);
5957 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5959 return at::_ops::randint_generator_out::call(high,
size, generator, out);
5965 return at::_ops::randint_generator_out::call(high,
size, generator, out);
5968 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
5970 return at::_ops::randint_generator_out::call(high,
size, generator, out);
5976 return at::_ops::randint_low_out::call(low, high, c10::fromIntArrayRefSlow(
size), out);
5979 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5981 return at::_ops::randint_low_out::call(low, high, c10::fromIntArrayRefSlow(
size), out);
5987 return at::_ops::randint_low_out::call(low, high, c10::fromIntArrayRefSlow(
size), out);
5990 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
5992 return at::_ops::randint_low_out::call(low, high, c10::fromIntArrayRefSlow(
size), out);
5998 return at::_ops::randint_low_out::call(low, high,
size, out);
6001 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6003 return at::_ops::randint_low_out::call(low, high,
size, out);
6009 return at::_ops::randint_low_out::call(low, high,
size, out);
6012 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6014 return at::_ops::randint_low_out::call(low, high,
size, out);
6020 return at::_ops::randint_low_generator_out::call(low, high, c10::fromIntArrayRefSlow(
size), generator, out);
6023 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6025 return at::_ops::randint_low_generator_out::call(low, high, c10::fromIntArrayRefSlow(
size), generator, out);
6031 return at::_ops::randint_low_generator_out::call(low, high, c10::fromIntArrayRefSlow(
size), generator, out);
6034 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6036 return at::_ops::randint_low_generator_out::call(low, high, c10::fromIntArrayRefSlow(
size), generator, out);
6042 return at::_ops::randint_low_generator_out::call(low, high,
size, generator, out);
6045 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6047 return at::_ops::randint_low_generator_out::call(low, high,
size, generator, out);
6053 return at::_ops::randint_low_generator_out::call(low, high,
size, generator, out);
6056 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6058 return at::_ops::randint_low_generator_out::call(low, high,
size, generator, out);
6064 return at::_ops::randint_like::call(self, high, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
6068 return at::_ops::randint_like::call(self, high, dtype, layout, device, pin_memory, memory_format);
6073 return at::_ops::randint_like_low_dtype::call(self, low, high, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
6077 return at::_ops::randint_like_low_dtype::call(self, low, high, dtype, layout, device, pin_memory, memory_format);
6082 return at::_ops::randn::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6085 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6087 return at::_ops::randn::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6093 return at::_ops::randn::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
6096 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6098 return at::_ops::randn::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
6104 return at::_ops::randn::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6107 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6109 return at::_ops::randn::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6115 return at::_ops::randn::call(
size, dtype, layout, device, pin_memory);
6118 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6120 return at::_ops::randn::call(
size, dtype, layout, device, pin_memory);
6126 return at::_ops::randn_generator::call(c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6129 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6131 return at::_ops::randn_generator::call(c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6137 return at::_ops::randn_generator::call(c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
6140 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6142 return at::_ops::randn_generator::call(c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
6148 return at::_ops::randn_generator::call(
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6151 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6153 return at::_ops::randn_generator::call(
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6159 return at::_ops::randn_generator::call(
size, generator, dtype, layout, device, pin_memory);
6162 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6164 return at::_ops::randn_generator::call(
size, generator, dtype, layout, device, pin_memory);
6170 return at::_ops::randn_names::call(c10::fromIntArrayRefSlow(
size), names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6173 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6175 return at::_ops::randn_names::call(c10::fromIntArrayRefSlow(
size), names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6181 return at::_ops::randn_names::call(c10::fromIntArrayRefSlow(
size), names, dtype, layout, device, pin_memory);
6184 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6186 return at::_ops::randn_names::call(c10::fromIntArrayRefSlow(
size), names, dtype, layout, device, pin_memory);
6192 return at::_ops::randn_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6195 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6197 return at::_ops::randn_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6203 return at::_ops::randn_names::call(
size, names, dtype, layout, device, pin_memory);
6206 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6208 return at::_ops::randn_names::call(
size, names, dtype, layout, device, pin_memory);
6214 return at::_ops::randn_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6217 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6219 return at::_ops::randn_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6225 return at::_ops::randn_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, dtype, layout, device, pin_memory);
6228 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6230 return at::_ops::randn_generator_with_names::call(c10::fromIntArrayRefSlow(
size), generator, names, dtype, layout, device, pin_memory);
6236 return at::_ops::randn_generator_with_names::call(
size, generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6239 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6241 return at::_ops::randn_generator_with_names::call(
size, generator, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6247 return at::_ops::randn_generator_with_names::call(
size, generator, names, dtype, layout, device, pin_memory);
6250 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6252 return at::_ops::randn_generator_with_names::call(
size, generator, names, dtype, layout, device, pin_memory);
6258 return at::_ops::randn_out::call(c10::fromIntArrayRefSlow(
size), out);
6261 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6263 return at::_ops::randn_out::call(c10::fromIntArrayRefSlow(
size), out);
6269 return at::_ops::randn_out::call(c10::fromIntArrayRefSlow(
size), out);
6272 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6274 return at::_ops::randn_out::call(c10::fromIntArrayRefSlow(
size), out);
6280 return at::_ops::randn_out::call(
size, out);
6283 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6285 return at::_ops::randn_out::call(
size, out);
6291 return at::_ops::randn_out::call(
size, out);
6294 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6296 return at::_ops::randn_out::call(
size, out);
6302 return at::_ops::randn_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
6305 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6307 return at::_ops::randn_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
6313 return at::_ops::randn_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
6316 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6318 return at::_ops::randn_generator_out::call(c10::fromIntArrayRefSlow(
size), generator, out);
6324 return at::_ops::randn_generator_out::call(
size, generator, out);
6327 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6329 return at::_ops::randn_generator_out::call(
size, generator, out);
6335 return at::_ops::randn_generator_out::call(
size, generator, out);
6338 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6340 return at::_ops::randn_generator_out::call(
size, generator, out);
6346 return at::_ops::randn_like::call(self, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
6350 return at::_ops::randn_like::call(self, dtype, layout, device, pin_memory, memory_format);
6355 return at::_ops::randperm::call(n, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6359 return at::_ops::randperm::call(n, dtype, layout, device, pin_memory);
6364 return at::_ops::randperm_generator::call(n, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6368 return at::_ops::randperm_generator::call(n, generator, dtype, layout, device, pin_memory);
6373 return at::_ops::randperm_out::call(n, out);
6377 return at::_ops::randperm_out::call(n, out);
6382 return at::_ops::randperm_generator_out::call(n, generator, out);
6386 return at::_ops::randperm_generator_out::call(n, generator, out);
6390inline at::Tensor range(
const at::Scalar & start,
const at::Scalar & end,
const at::Scalar & step=1, at::TensorOptions options={}) {
6391 return at::_ops::range_step::call(start, end, step, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6395 return at::_ops::range_step::call(start, end, step, dtype, layout, device, pin_memory);
6399inline at::Tensor range(
const at::Scalar & start,
const at::Scalar & end, at::TensorOptions options={}) {
6400 return at::_ops::range::call(start, end, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
6404 return at::_ops::range::call(start, end, dtype, layout, device, pin_memory);
6409 return at::_ops::range_out_::call(start, end, out);
6413 return at::_ops::range_out_::call(start, end, out);
6418 return at::_ops::range_out::call(start, end, step, out);
6422 return at::_ops::range_out::call(start, end, step, out);
6427 return at::_ops::ravel::call(self);
6432 return at::_ops::reciprocal::call(self);
6437 return at::_ops::reciprocal_::call(self);
6442 return at::_ops::reciprocal_out::call(self, out);
6446 return at::_ops::reciprocal_out::call(self, out);
6451 return at::_ops::neg::call(self);
6456 return at::_ops::neg_::call(self);
6461 return at::_ops::neg_out::call(self, out);
6465 return at::_ops::neg_out::call(self, out);
6470 return at::_ops::negative::call(self);
6475 return at::_ops::negative_::call(self);
6480 return at::_ops::negative_out::call(self, out);
6484 return at::_ops::negative_out::call(self, out);
6488 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6490 return at::_ops::repeat::call(self, c10::fromIntArrayRefSlow(repeats));
6495 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6497 return at::_ops::repeat::call(self, repeats);
6503 return at::_ops::repeat_interleave_Tensor::call(repeats, output_size);
6508 return at::_ops::repeat_interleave_self_Tensor::call(self, repeats, dim, output_size);
6513 return at::_ops::repeat_interleave_self_int::call(self, repeats, dim, output_size);
6516 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6518 return at::_ops::repeat_interleave_self_int::call(self, repeats, dim, output_size);
6524 return at::_ops::repeat_interleave_self_int::call(self, repeats, dim, output_size);
6527 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6529 return at::_ops::repeat_interleave_self_int::call(self, repeats, dim, output_size);
6535 return at::_ops::reshape::call(self, c10::fromIntArrayRefSlow(shape));
6538 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6540 return at::_ops::reshape::call(self, c10::fromIntArrayRefSlow(shape));
6546 return at::_ops::reshape::call(self, shape);
6549 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6551 return at::_ops::reshape::call(self, shape);
6557 return at::_ops::_reshape_copy::call(self, c10::fromIntArrayRefSlow(
size));
6560 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6562 return at::_ops::_reshape_copy::call(self, c10::fromIntArrayRefSlow(
size));
6568 return at::_ops::_reshape_copy::call(self,
size);
6571 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6573 return at::_ops::_reshape_copy::call(self,
size);
6579 return at::_ops::_reshape_alias::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
6582 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6584 return at::_ops::_reshape_alias::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
6590 return at::_ops::_reshape_alias::call(self,
size,
stride);
6593 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6595 return at::_ops::_reshape_alias::call(self,
size,
stride);
6601 return at::_ops::_mkldnn_reshape::call(self, shape);
6606 return at::_ops::round::call(self);
6611 return at::_ops::round_::call(self);
6616 return at::_ops::round_out::call(self, out);
6620 return at::_ops::round_out::call(self, out);
6625 return at::_ops::round_decimals::call(self, decimals);
6630 return at::_ops::round__decimals::call(self, decimals);
6635 return at::_ops::round_decimals_out::call(self, decimals, out);
6639 return at::_ops::round_decimals_out::call(self, decimals, out);
6644 return at::_ops::rrelu::call(self, lower, upper, training, generator);
6649 return at::_ops::rrelu_::call(self, lower, upper, training, generator);
6654 return at::_ops::relu::call(self);
6659 return at::_ops::relu_::call(self);
6664 return at::_ops::relu6::call(self);
6669 return at::_ops::relu6_::call(self);
6674 return at::_ops::prelu::call(self, weight);
6679 return at::_ops::_prelu_kernel::call(self, weight);
6684 return at::_ops::_prelu_kernel_backward::call(grad_output, self, weight);
6689 return at::_ops::gelu_out::call(self, approximate, out);
6693 return at::_ops::gelu_out::call(self, approximate, out);
6698 return at::_ops::gelu_::call(self, approximate);
6703 return at::_ops::gelu::call(self, approximate);
6708 return at::_ops::gelu_backward_grad_input::call(grad_output, self, approximate, grad_input);
6712 return at::_ops::gelu_backward_grad_input::call(grad_output, self, approximate, grad_input);
6717 return at::_ops::gelu_backward::call(grad_output, self, approximate);
6722 return at::_ops::infinitely_differentiable_gelu_backward::call(grad, self);
6727 return at::_ops::hardshrink_out::call(self, lambd, out);
6731 return at::_ops::hardshrink_out::call(self, lambd, out);
6736 return at::_ops::hardshrink::call(self, lambd);
6741 return at::_ops::hardshrink_backward_grad_input::call(grad_out, self, lambd, grad_input);
6745 return at::_ops::hardshrink_backward_grad_input::call(grad_out, self, lambd, grad_input);
6750 return at::_ops::hardshrink_backward::call(grad_out, self, lambd);
6755 return at::_ops::rsqrt::call(self);
6760 return at::_ops::rsqrt_::call(self);
6765 return at::_ops::rsqrt_out::call(self, out);
6769 return at::_ops::rsqrt_out::call(self, out);
6774 return at::_ops::select_Dimname::call(self, dim,
index);
6779 return at::_ops::select_int::call(self, dim,
index);
6782 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6784 return at::_ops::select_int::call(self, dim,
index);
6790 return at::_ops::select_int::call(self, dim,
index);
6793 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6795 return at::_ops::select_int::call(self, dim,
index);
6801 return at::_ops::select_backward::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim,
index);
6804 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6806 return at::_ops::select_backward::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim,
index);
6812 return at::_ops::select_backward::call(grad_output, input_sizes, dim,
index);
6815 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6817 return at::_ops::select_backward::call(grad_output, input_sizes, dim,
index);
6823 return at::_ops::_nested_select_backward::call(grad_output, self, dim,
index);
6826 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
6828 return at::_ops::_nested_select_backward::call(grad_output, self, dim,
index);
6834 return at::_ops::_nested_select_backward::call(grad_output, self, dim,
index);
6837 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
6839 return at::_ops::_nested_select_backward::call(grad_output, self, dim,
index);
6845 return at::_ops::selu::call(self);
6850 return at::_ops::selu_::call(self);
6855 return at::_ops::celu::call(self, alpha);
6860 return at::_ops::celu_::call(self, alpha);
6865 return at::_ops::silu::call(self);
6870 return at::_ops::silu_::call(self);
6875 return at::_ops::silu_out::call(self, out);
6879 return at::_ops::silu_out::call(self, out);
6884 return at::_ops::silu_backward_grad_input::call(grad_output, self, grad_input);
6888 return at::_ops::silu_backward_grad_input::call(grad_output, self, grad_input);
6893 return at::_ops::silu_backward::call(grad_output, self);
6898 return at::_ops::mish::call(self);
6903 return at::_ops::mish_::call(self);
6908 return at::_ops::mish_out::call(self, out);
6912 return at::_ops::mish_out::call(self, out);
6917 return at::_ops::mish_backward::call(grad_output, self);
6922 return at::_ops::sigmoid::call(self);
6927 return at::_ops::sigmoid_::call(self);
6932 return at::_ops::sigmoid_out::call(self, out);
6936 return at::_ops::sigmoid_out::call(self, out);
6941 return at::_ops::logit::call(self, eps);
6946 return at::_ops::logit_::call(self, eps);
6951 return at::_ops::logit_out::call(self, eps, out);
6955 return at::_ops::logit_out::call(self, eps, out);
6960 return at::_ops::sin::call(self);
6965 return at::_ops::sin_::call(self);
6970 return at::_ops::sin_out::call(self, out);
6974 return at::_ops::sin_out::call(self, out);
6979 return at::_ops::sinc::call(self);
6984 return at::_ops::sinc_::call(self);
6989 return at::_ops::sinc_out::call(self, out);
6993 return at::_ops::sinc_out::call(self, out);
6998 return at::_ops::sinh::call(self);
7003 return at::_ops::sinh_::call(self);
7008 return at::_ops::sinh_out::call(self, out);
7012 return at::_ops::sinh_out::call(self, out);
7017 return at::_ops::detach::call(self);
7022 return at::_ops::detach_::call(self);
7027 return at::_ops::size_int::call(self, dim);
7032 return at::_ops::size_Dimname::call(self, dim);
7040 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7048 return at::_ops::slice_Tensor::call(self, dim, start, end, step);
7051 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7053 return at::_ops::slice_Tensor::call(self, dim, start, end, step);
7059 return at::_ops::slice_backward::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim, start, end, step);
7062 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7064 return at::_ops::slice_backward::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim, start, end, step);
7070 return at::_ops::slice_backward::call(grad_output, input_sizes, dim, start, end, step);
7073 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7075 return at::_ops::slice_backward::call(grad_output, input_sizes, dim, start, end, step);
7084 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7092 return at::_ops::slice_scatter::call(self, src, dim, start, end, step);
7095 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7097 return at::_ops::slice_scatter::call(self, src, dim, start, end, step);
7103 return at::_ops::select_scatter::call(self, src, dim,
index);
7106 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7108 return at::_ops::select_scatter::call(self, src, dim,
index);
7114 return at::_ops::select_scatter::call(self, src, dim,
index);
7117 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7119 return at::_ops::select_scatter::call(self, src, dim,
index);
7125 return at::_ops::diagonal_scatter::call(self, src, offset, dim1, dim2);
7130 return at::_ops::as_strided_scatter::call(self, src, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
7133 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7135 return at::_ops::as_strided_scatter::call(self, src, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
7141 return at::_ops::as_strided_scatter::call(self, src,
size,
stride, storage_offset);
7144 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7146 return at::_ops::as_strided_scatter::call(self, src,
size,
stride, storage_offset);
7152 return at::_ops::smm::call(self, mat2);
7157 return at::_ops::softmax_int::call(self, dim, dtype);
7162 return at::_ops::softmax_int_out::call(self, dim, dtype, out);
7166 return at::_ops::softmax_int_out::call(self, dim, dtype, out);
7171 return at::_ops::softmax_Dimname::call(self, dim, dtype);
7176 return at::_ops::_softmax::call(self, dim, half_to_float);
7181 return at::_ops::_softmax_out::call(self, dim, half_to_float, out);
7185 return at::_ops::_softmax_out::call(self, dim, half_to_float, out);
7190 return at::_ops::_softmax_backward_data::call(grad_output, output, dim, input_dtype);
7195 return at::_ops::_softmax_backward_data_out::call(grad_output, output, dim, input_dtype, grad_input);
7199 return at::_ops::_softmax_backward_data_out::call(grad_output, output, dim, input_dtype, grad_input);
7204 return at::_ops::unsafe_split_Tensor::call(self, split_size, dim);
7207 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7209 return at::_ops::unsafe_split_Tensor::call(self, split_size, dim);
7215 return at::_ops::unsafe_split_Tensor::call(self, split_size, dim);
7218 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7220 return at::_ops::unsafe_split_Tensor::call(self, split_size, dim);
7225inline ::std::vector<at::Tensor>
split(
const at::Tensor & self, int64_t split_size, int64_t dim=0) {
7226 return at::_ops::split_Tensor::call(self, split_size, dim);
7229 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7230 ::std::vector<at::Tensor>
split(
const at::Tensor & self, int64_t split_size, int64_t dim=0) {
7231 return at::_ops::split_Tensor::call(self, split_size, dim);
7237 return at::_ops::split_Tensor::call(self, split_size, dim);
7240 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7241 ::std::vector<at::Tensor>
split(
const at::Tensor & self, c10::SymInt split_size, int64_t dim=0) {
7242 return at::_ops::split_Tensor::call(self, split_size, dim);
7247inline ::std::vector<at::Tensor>
split(
const at::Tensor & self, at::IntArrayRef split_size, int64_t dim=0) {
7248 return at::_ops::split_sizes::call(self, c10::fromIntArrayRefSlow(split_size), dim);
7251 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7252 ::std::vector<at::Tensor>
split(
const at::Tensor & self, at::IntArrayRef split_size, int64_t dim=0) {
7253 return at::_ops::split_sizes::call(self, c10::fromIntArrayRefSlow(split_size), dim);
7259 return at::_ops::split_sizes::call(self, split_size, dim);
7262 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7263 ::std::vector<at::Tensor>
split(
const at::Tensor & self, c10::SymIntArrayRef split_size, int64_t dim=0) {
7264 return at::_ops::split_sizes::call(self, split_size, dim);
7270 return at::_ops::unsafe_split_with_sizes::call(self, c10::fromIntArrayRefSlow(split_sizes), dim);
7273 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7275 return at::_ops::unsafe_split_with_sizes::call(self, c10::fromIntArrayRefSlow(split_sizes), dim);
7281 return at::_ops::unsafe_split_with_sizes::call(self, split_sizes, dim);
7284 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7286 return at::_ops::unsafe_split_with_sizes::call(self, split_sizes, dim);
7292 return at::_ops::split_with_sizes::call(self, c10::fromIntArrayRefSlow(split_sizes), dim);
7295 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7297 return at::_ops::split_with_sizes::call(self, c10::fromIntArrayRefSlow(split_sizes), dim);
7303 return at::_ops::split_with_sizes::call(self, split_sizes, dim);
7306 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7308 return at::_ops::split_with_sizes::call(self, split_sizes, dim);
7314 return at::_ops::hsplit_int::call(self, sections);
7319 return at::_ops::hsplit_array::call(self, indices);
7324 return at::_ops::vsplit_int::call(self, sections);
7329 return at::_ops::vsplit_array::call(self, indices);
7334 return at::_ops::dsplit_int::call(self, sections);
7339 return at::_ops::dsplit_array::call(self, indices);
7344 return at::_ops::squeeze::call(self);
7349 return at::_ops::squeeze_dim::call(self, dim);
7354 return at::_ops::squeeze_dimname::call(self, dim);
7359 return at::_ops::squeeze_dims::call(self, dim);
7364 return at::_ops::sspaddmm::call(self, mat1, mat2, beta, alpha);
7369 return at::_ops::sspaddmm_out::call(self, mat1, mat2, beta, alpha, out);
7373 return at::_ops::sspaddmm_out::call(self, mat1, mat2, beta, alpha, out);
7378 return at::_ops::stack::call(tensors, dim);
7383 return at::_ops::stack_out::call(tensors, dim, out);
7387 return at::_ops::stack_out::call(tensors, dim, out);
7392 return at::_ops::_stack::call(tensors, dim);
7397 return at::_ops::_stack_out::call(tensors, dim, out);
7401 return at::_ops::_stack_out::call(tensors, dim, out);
7406 return at::_ops::hstack::call(tensors);
7411 return at::_ops::hstack_out::call(tensors, out);
7415 return at::_ops::hstack_out::call(tensors, out);
7420 return at::_ops::vstack::call(tensors);
7425 return at::_ops::vstack_out::call(tensors, out);
7429 return at::_ops::vstack_out::call(tensors, out);
7434 return at::_ops::dstack::call(tensors);
7439 return at::_ops::dstack_out::call(tensors, out);
7443 return at::_ops::dstack_out::call(tensors, out);
7448 return at::_ops::stft::call(self, n_fft, hop_length, win_length, window, normalized, onesided, return_complex);
7453 return at::_ops::stft_center::call(self, n_fft, hop_length, win_length, window, center, pad_mode, normalized, onesided, return_complex);
7458 return at::_ops::istft::call(self, n_fft, hop_length, win_length, window, center, normalized, onesided, length, return_complex);
7463 return at::_ops::stride_int::call(self, dim);
7468 return at::_ops::stride_Dimname::call(self, dim);
7473 return at::_ops::sum::call(self, dtype);
7478 return at::_ops::sum_dim_IntList::call(self, dim, keepdim, dtype);
7483 return at::_ops::sum_dim_DimnameList::call(self, dim, keepdim, dtype);
7488 return at::_ops::sum_IntList_out::call(self, dim, keepdim, dtype, out);
7492 return at::_ops::sum_IntList_out::call(self, dim, keepdim, dtype, out);
7497 return at::_ops::sum_DimnameList_out::call(self, dim, keepdim, dtype, out);
7501 return at::_ops::sum_DimnameList_out::call(self, dim, keepdim, dtype, out);
7506 return at::_ops::_nested_sum_backward::call(grad, self, dim, keepdim);
7511 return at::_ops::nansum::call(self, dim, keepdim, dtype);
7516 return at::_ops::nansum_out::call(self, dim, keepdim, dtype, out);
7520 return at::_ops::nansum_out::call(self, dim, keepdim, dtype, out);
7525 return at::_ops::sqrt::call(self);
7530 return at::_ops::sqrt_::call(self);
7535 return at::_ops::sqrt_out::call(self, out);
7539 return at::_ops::sqrt_out::call(self, out);
7544 return at::_ops::square::call(self);
7549 return at::_ops::square_::call(self);
7554 return at::_ops::square_out::call(self, out);
7558 return at::_ops::square_out::call(self, out);
7563 return at::_ops::std::call(self, unbiased);
7568 return at::_ops::std_dim::call(self, dim, unbiased, keepdim);
7573 return at::_ops::std_correction::call(self, dim, correction, keepdim);
7578 return at::_ops::std_mean::call(self, unbiased);
7582inline ::std::tuple<at::Tensor,at::Tensor>
std_mean(
const at::Tensor & self, at::OptionalIntArrayRef dim,
bool unbiased,
bool keepdim=
false) {
7583 return at::_ops::std_mean_dim::call(self, dim, unbiased, keepdim);
7588 return at::_ops::std_mean_correction::call(self, dim, correction, keepdim);
7592inline ::std::tuple<at::Tensor,at::Tensor>
std_mean(
const at::Tensor & self, at::DimnameList dim,
bool unbiased,
bool keepdim=
false) {
7593 return at::_ops::std_mean_names_dim::call(self, dim, unbiased, keepdim);
7598 return at::_ops::std_mean_correction_names::call(self, dim, correction, keepdim);
7603 return at::_ops::std_out::call(self, dim, unbiased, keepdim, out);
7607 return at::_ops::std_out::call(self, dim, unbiased, keepdim, out);
7612 return at::_ops::std_correction_out::call(self, dim, correction, keepdim, out);
7616 return at::_ops::std_correction_out::call(self, dim, correction, keepdim, out);
7621 return at::_ops::std_names_dim::call(self, dim, unbiased, keepdim);
7626 return at::_ops::std_names_out::call(self, dim, unbiased, keepdim, out);
7630 return at::_ops::std_names_out::call(self, dim, unbiased, keepdim, out);
7635 return at::_ops::std_correction_names::call(self, dim, correction, keepdim);
7640 return at::_ops::std_correction_names_out::call(self, dim, correction, keepdim, out);
7644 return at::_ops::std_correction_names_out::call(self, dim, correction, keepdim, out);
7649 return at::_ops::prod::call(self, dtype);
7654 return at::_ops::prod_dim_int::call(self, dim, keepdim, dtype);
7659 return at::_ops::prod_int_out::call(self, dim, keepdim, dtype, out);
7663 return at::_ops::prod_int_out::call(self, dim, keepdim, dtype, out);
7668 return at::_ops::prod_dim_Dimname::call(self, dim, keepdim, dtype);
7673 return at::_ops::prod_Dimname_out::call(self, dim, keepdim, dtype, out);
7677 return at::_ops::prod_Dimname_out::call(self, dim, keepdim, dtype, out);
7682 return at::_ops::t::call(self);
7687 return at::_ops::tan::call(self);
7692 return at::_ops::tan_::call(self);
7697 return at::_ops::tan_out::call(self, out);
7701 return at::_ops::tan_out::call(self, out);
7706 return at::_ops::tanh::call(self);
7711 return at::_ops::tanh_::call(self);
7716 return at::_ops::tanh_out::call(self, out);
7720 return at::_ops::tanh_out::call(self, out);
7725 return at::_ops::tensordot::call(self, other, dims_self, dims_other);
7730 return at::_ops::tensordot_out::call(self, other, dims_self, dims_other, out);
7734 return at::_ops::tensordot_out::call(self, other, dims_self, dims_other, out);
7739 return at::_ops::threshold::call(self,
threshold, value);
7744 return at::_ops::threshold_::call(self,
threshold, value);
7749 return at::_ops::threshold_out::call(self,
threshold, value, out);
7753 return at::_ops::threshold_out::call(self,
threshold, value, out);
7758 return at::_ops::threshold_backward_grad_input::call(grad_output, self,
threshold, grad_input);
7762 return at::_ops::threshold_backward_grad_input::call(grad_output, self,
threshold, grad_input);
7767 return at::_ops::threshold_backward::call(grad_output, self,
threshold);
7772 return at::_ops::tile::call(self, dims);
7777 return at::_ops::transpose_int::call(self, dim0, dim1);
7782 return at::_ops::transpose_Dimname::call(self, dim0, dim1);
7787 return at::_ops::_mkldnn_transpose::call(self, dim0, dim1);
7792 return at::_ops::_mkldnn_transpose_::call(self, dim0, dim1);
7797 return at::_ops::one_hot::call(self, num_classes);
7802 return at::_ops::flip::call(self, dims);
7807 return at::_ops::fliplr::call(self);
7812 return at::_ops::flipud::call(self);
7817 return at::_ops::roll::call(self, shifts, dims);
7822 return at::_ops::rot90::call(self, k, dims);
7827 return at::_ops::trapezoid_x::call(y, x, dim);
7832 return at::_ops::trapezoid_dx::call(y, dx, dim);
7837 return at::_ops::trapz_x::call(y, x, dim);
7842 return at::_ops::trapz_dx::call(y, dx, dim);
7847 return at::_ops::_transform_bias_rescale_qkv::call(qkv, qkv_bias, num_heads);
7852 return at::_ops::_nested_tensor_from_mask::call(
t, mask, mask_check);
7857 return at::_ops::_nested_tensor_from_mask_left_aligned::call(
t, mask);
7862 return at::_ops::_nested_from_padded::call(padded, cpu_nested_shape_example, fuse_transform_0213);
7867 return at::_ops::_nested_from_padded_and_nested_example::call(padded, nt_example);
7872 return at::_ops::_nested_view_from_buffer::call(self, nested_size, nested_strides, offsets);
7877 return at::_ops::_nested_view_from_buffer_copy::call(self, nested_size, nested_strides, offsets);
7882 return at::_ops::_trilinear::call(i1, i2, i3, expand1, expand2, expand3, sumdim, unroll_dim);
7887 return at::_ops::triplet_margin_loss::call(anchor,
positive,
negative, margin, p, eps, swap, reduction);
7892 return at::_ops::trunc::call(self);
7897 return at::_ops::trunc_::call(self);
7902 return at::_ops::trunc_out::call(self, out);
7906 return at::_ops::trunc_out::call(self, out);
7911 return at::_ops::fix::call(self);
7916 return at::_ops::fix_::call(self);
7921 return at::_ops::fix_out::call(self, out);
7925 return at::_ops::fix_out::call(self, out);
7930 return at::_ops::_has_compatible_shallow_copy_type::call(self, from);
7934inline ::std::tuple<at::Tensor,at::Tensor>
_unique(
const at::Tensor & self,
bool sorted=
true,
bool return_inverse=
false) {
7935 return at::_ops::_unique::call(self, sorted, return_inverse);
7939inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
unique_dim(
const at::Tensor & self, int64_t dim,
bool sorted=
true,
bool return_inverse=
false,
bool return_counts=
false) {
7940 return at::_ops::unique_dim::call(self, dim, sorted, return_inverse, return_counts);
7945 return at::_ops::unique_consecutive::call(self, return_inverse, return_counts, dim);
7950 return at::_ops::unique_dim_consecutive::call(self, dim, return_inverse, return_counts);
7954inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_unique2(
const at::Tensor & self,
bool sorted=
true,
bool return_inverse=
false,
bool return_counts=
false) {
7955 return at::_ops::_unique2::call(self, sorted, return_inverse, return_counts);
7960 return at::_ops::_unsafe_view::call(self, c10::fromIntArrayRefSlow(
size));
7963 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
7965 return at::_ops::_unsafe_view::call(self, c10::fromIntArrayRefSlow(
size));
7971 return at::_ops::_unsafe_view::call(self,
size);
7974 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
7976 return at::_ops::_unsafe_view::call(self,
size);
7982 return at::_ops::unsqueeze::call(self, dim);
7987 return at::_ops::vander::call(x, N, increasing);
7992 return at::_ops::var::call(self, unbiased);
7997 return at::_ops::var_dim::call(self, dim, unbiased, keepdim);
8002 return at::_ops::var_correction::call(self, dim, correction, keepdim);
8007 return at::_ops::var_out::call(self, dim, unbiased, keepdim, out);
8011 return at::_ops::var_out::call(self, dim, unbiased, keepdim, out);
8016 return at::_ops::var_correction_out::call(self, dim, correction, keepdim, out);
8020 return at::_ops::var_correction_out::call(self, dim, correction, keepdim, out);
8025 return at::_ops::var_names_dim::call(self, dim, unbiased, keepdim);
8030 return at::_ops::var_names_out::call(self, dim, unbiased, keepdim, out);
8034 return at::_ops::var_names_out::call(self, dim, unbiased, keepdim, out);
8039 return at::_ops::var_correction_names::call(self, dim, correction, keepdim);
8044 return at::_ops::var_correction_names_out::call(self, dim, correction, keepdim, out);
8048 return at::_ops::var_correction_names_out::call(self, dim, correction, keepdim, out);
8053 return at::_ops::var_mean::call(self, unbiased);
8057inline ::std::tuple<at::Tensor,at::Tensor>
var_mean(
const at::Tensor & self, at::OptionalIntArrayRef dim,
bool unbiased,
bool keepdim=
false) {
8058 return at::_ops::var_mean_dim::call(self, dim, unbiased, keepdim);
8063 return at::_ops::var_mean_correction::call(self, dim, correction, keepdim);
8067inline ::std::tuple<at::Tensor,at::Tensor>
var_mean(
const at::Tensor & self, at::DimnameList dim,
bool unbiased,
bool keepdim=
false) {
8068 return at::_ops::var_mean_names_dim::call(self, dim, unbiased, keepdim);
8073 return at::_ops::var_mean_correction_names::call(self, dim, correction, keepdim);
8078 return at::_ops::where_self::call(condition, self, other);
8083 return at::_ops::where_self_out::call(condition, self, other, out);
8087 return at::_ops::where_self_out::call(condition, self, other, out);
8092 return at::_ops::where_ScalarSelf::call(condition, self, other);
8097 return at::_ops::where_ScalarOther::call(condition, self, other);
8102 return at::_ops::where_Scalar::call(condition, self, other);
8107 return at::_ops::where::call(condition);
8112 return at::_ops::norm_except_dim::call(v,
pow, dim);
8117 return at::_ops::_weight_norm::call(v, g, dim);
8122 return at::_ops::_weight_norm_interface::call(v, g, dim);
8127 return at::_ops::_weight_norm_interface_backward::call(grad_w, saved_v, saved_g, saved_norms, dim);
8132 return at::_ops::_weight_norm_differentiable_backward::call(grad_w, saved_v, saved_g, saved_norms, dim);
8137 return at::_ops::zeros_names::call(
size, names, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8141 return at::_ops::zeros_names::call(
size, names, dtype, layout, device, pin_memory);
8146 return at::_ops::_efficientzerotensor::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8150 return at::_ops::_efficientzerotensor::call(
size, dtype, layout, device, pin_memory);
8155 return at::_ops::zeros::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8158 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8160 return at::_ops::zeros::call(c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8166 return at::_ops::zeros::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
8169 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8171 return at::_ops::zeros::call(c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
8177 return at::_ops::zeros::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8180 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8182 return at::_ops::zeros::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8188 return at::_ops::zeros::call(
size, dtype, layout, device, pin_memory);
8191 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8193 return at::_ops::zeros::call(
size, dtype, layout, device, pin_memory);
8199 return at::_ops::zeros_out::call(c10::fromIntArrayRefSlow(
size), out);
8202 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8204 return at::_ops::zeros_out::call(c10::fromIntArrayRefSlow(
size), out);
8210 return at::_ops::zeros_out::call(c10::fromIntArrayRefSlow(
size), out);
8213 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8215 return at::_ops::zeros_out::call(c10::fromIntArrayRefSlow(
size), out);
8221 return at::_ops::zeros_out::call(
size, out);
8224 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8226 return at::_ops::zeros_out::call(
size, out);
8232 return at::_ops::zeros_out::call(
size, out);
8235 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8237 return at::_ops::zeros_out::call(
size, out);
8243 return at::_ops::zeros_like::call(self, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
8247 return at::_ops::zeros_like::call(self, dtype, layout, device, pin_memory, memory_format);
8252 return at::_ops::_standard_gamma_grad::call(self, output);
8257 return at::_ops::_standard_gamma::call(self, generator);
8262 return at::_ops::_dirichlet_grad::call(x, alpha, total);
8267 return at::_ops::_sample_dirichlet::call(self, generator);
8272 return at::_ops::poisson::call(self, generator);
8277 return at::_ops::binomial::call(count, prob, generator);
8282 return at::_ops::native_norm::call(self, p);
8287 return at::_ops::native_norm_ScalarOpt_dim_dtype::call(self, p, dim, keepdim, dtype);
8292 return at::_ops::_sparse_sum::call(self);
8297 return at::_ops::_sparse_sum_dtype::call(self, dtype);
8302 return at::_ops::_sparse_sum_dim::call(self, dim);
8307 return at::_ops::_sparse_sum_dim_dtype::call(self, dim, dtype);
8312 return at::_ops::_sparse_sum_backward::call(grad, self, dim);
8317 return at::_ops::_sparse_csr_sum_dim_dtype::call(self, dim, keepdim, dtype);
8322 return at::_ops::_sparse_csr_prod_dim_dtype::call(self, dim, keepdim, dtype);
8327 return at::_ops::_sparse_softmax_int::call(self, dim, dtype);
8332 return at::_ops::_sparse_softmax_Dimname::call(self, dim, dtype);
8337 return at::_ops::_sparse_softmax::call(self, dim, half_to_float);
8342 return at::_ops::_sparse_softmax_backward_data::call(grad_output, output, dim, self);
8347 return at::_ops::_sparse_log_softmax_int::call(self, dim, dtype);
8352 return at::_ops::_sparse_log_softmax_Dimname::call(self, dim, dtype);
8357 return at::_ops::_sparse_log_softmax::call(self, dim, half_to_float);
8362 return at::_ops::_sparse_log_softmax_backward_data::call(grad_output, output, dim, self);
8367 return at::_ops::_spdiags::call(diagonals, offsets, shape, layout);
8372 return at::_ops::norm_ScalarOpt_dtype::call(self, p, dtype);
8377 return at::_ops::norm_Scalar::call(self, p);
8382 return at::_ops::norm_ScalarOpt_dim_dtype::call(self, p, dim, keepdim, dtype);
8387 return at::_ops::norm_ScalarOpt_dim::call(self, p, dim, keepdim);
8392 return at::_ops::norm_dtype_out::call(self, p, dim, keepdim, dtype, out);
8396 return at::_ops::norm_dtype_out::call(self, p, dim, keepdim, dtype, out);
8401 return at::_ops::norm_out::call(self, p, dim, keepdim, out);
8405 return at::_ops::norm_out::call(self, p, dim, keepdim, out);
8410 return at::_ops::norm_names_ScalarOpt_dim_dtype::call(self, p, dim, keepdim, dtype);
8415 return at::_ops::norm_names_ScalarOpt_dim::call(self, p, dim, keepdim);
8420 return at::_ops::norm_names_dtype_out::call(self, p, dim, keepdim, dtype, out);
8424 return at::_ops::norm_names_dtype_out::call(self, p, dim, keepdim, dtype, out);
8429 return at::_ops::norm_names_out::call(self, p, dim, keepdim, out);
8433 return at::_ops::norm_names_out::call(self, p, dim, keepdim, out);
8438 return at::_ops::frexp_Tensor::call(self);
8443 return at::_ops::frexp_Tensor_out::call(self, mantissa, exponent);
8447 return at::_ops::frexp_Tensor_out::call(self, mantissa, exponent);
8452 return at::_ops::frobenius_norm_dim::call(self, dim, keepdim);
8457 return at::_ops::frobenius_norm_out::call(self, dim, keepdim, out);
8461 return at::_ops::frobenius_norm_out::call(self, dim, keepdim, out);
8466 return at::_ops::nuclear_norm::call(self, keepdim);
8471 return at::_ops::nuclear_norm_out::call(self, keepdim, out);
8475 return at::_ops::nuclear_norm_out::call(self, keepdim, out);
8480 return at::_ops::nuclear_norm_dim::call(self, dim, keepdim);
8485 return at::_ops::nuclear_norm_dim_out::call(self, dim, keepdim, out);
8489 return at::_ops::nuclear_norm_dim_out::call(self, dim, keepdim, out);
8494 return at::_ops::clone::call(self, memory_format);
8499 return at::_ops::positive::call(self);
8504 return at::_ops::resize_as_::call(self, the_template, memory_format);
8509 return at::_ops::resize_as_sparse_::call(self, the_template);
8514 return at::_ops::zero_::call(self);
8519 return at::_ops::sub_out::call(self, other, alpha, out);
8523 return at::_ops::sub_out::call(self, other, alpha, out);
8528 return at::_ops::sub_Tensor::call(self, other, alpha);
8533 return at::_ops::sub_Scalar::call(self, other, alpha);
8538 return at::_ops::subtract_out::call(self, other, alpha, out);
8542 return at::_ops::subtract_out::call(self, other, alpha, out);
8547 return at::_ops::subtract_Tensor::call(self, other, alpha);
8552 return at::_ops::subtract_Scalar::call(self, other, alpha);
8557 return at::_ops::rsub_Tensor::call(self, other, alpha);
8562 return at::_ops::heaviside_out::call(self, values, out);
8566 return at::_ops::heaviside_out::call(self, values, out);
8571 return at::_ops::heaviside::call(self, values);
8576 return at::_ops::rsub_Scalar::call(self, other, alpha);
8581 return at::_ops::_sparse_addmm::call(self, mat1, mat2, beta, alpha);
8586 return at::_ops::sparse_sampled_addmm_out::call(self, mat1, mat2, beta, alpha, out);
8590 return at::_ops::sparse_sampled_addmm_out::call(self, mat1, mat2, beta, alpha, out);
8595 return at::_ops::sparse_sampled_addmm::call(self, mat1, mat2, beta, alpha);
8600 return at::_ops::_sparse_mm_reduce_impl::call(self, other, reduce);
8605 return at::_ops::_sparse_mm_reduce_impl_backward::call(self, grad_out, weight, reduce, arg_out, output_mask);
8610 return at::_ops::addmm_out::call(self, mat1, mat2, beta, alpha, out);
8614 return at::_ops::addmm_out::call(self, mat1, mat2, beta, alpha, out);
8619 return at::_ops::addmm::call(self, mat1, mat2, beta, alpha);
8624 return at::_ops::_addmm_activation_out::call(self, mat1, mat2, beta, alpha, use_gelu, out);
8628 return at::_ops::_addmm_activation_out::call(self, mat1, mat2, beta, alpha, use_gelu, out);
8633 return at::_ops::_addmm_activation::call(self, mat1, mat2, beta, alpha, use_gelu);
8638 return at::_ops::sparse_compressed_tensor_comp_plain_value_size::call(compressed_indices, plain_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8642 return at::_ops::sparse_compressed_tensor_comp_plain_value_size::call(compressed_indices, plain_indices, values,
size, dtype, layout, device, pin_memory);
8647 return at::_ops::sparse_csr_tensor_crow_col_value_size::call(crow_indices, col_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8651 return at::_ops::sparse_csr_tensor_crow_col_value_size::call(crow_indices, col_indices, values,
size, dtype, layout, device, pin_memory);
8656 return at::_ops::sparse_csc_tensor_ccol_row_value_size::call(ccol_indices, row_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8660 return at::_ops::sparse_csc_tensor_ccol_row_value_size::call(ccol_indices, row_indices, values,
size, dtype, layout, device, pin_memory);
8665 return at::_ops::sparse_bsr_tensor_crow_col_value_size::call(crow_indices, col_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8669 return at::_ops::sparse_bsr_tensor_crow_col_value_size::call(crow_indices, col_indices, values,
size, dtype, layout, device, pin_memory);
8674 return at::_ops::sparse_bsc_tensor_ccol_row_value_size::call(ccol_indices, row_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8678 return at::_ops::sparse_bsc_tensor_ccol_row_value_size::call(ccol_indices, row_indices, values,
size, dtype, layout, device, pin_memory);
8683 return at::_ops::sparse_compressed_tensor_comp_plain_value::call(compressed_indices, plain_indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8687 return at::_ops::sparse_compressed_tensor_comp_plain_value::call(compressed_indices, plain_indices, values, dtype, layout, device, pin_memory);
8692 return at::_ops::sparse_csr_tensor_crow_col_value::call(crow_indices, col_indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8696 return at::_ops::sparse_csr_tensor_crow_col_value::call(crow_indices, col_indices, values, dtype, layout, device, pin_memory);
8701 return at::_ops::sparse_csc_tensor_ccol_row_value::call(ccol_indices, row_indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8705 return at::_ops::sparse_csc_tensor_ccol_row_value::call(ccol_indices, row_indices, values, dtype, layout, device, pin_memory);
8710 return at::_ops::sparse_bsr_tensor_crow_col_value::call(crow_indices, col_indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8714 return at::_ops::sparse_bsr_tensor_crow_col_value::call(crow_indices, col_indices, values, dtype, layout, device, pin_memory);
8719 return at::_ops::sparse_bsc_tensor_ccol_row_value::call(ccol_indices, row_indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8723 return at::_ops::sparse_bsc_tensor_ccol_row_value::call(ccol_indices, row_indices, values, dtype, layout, device, pin_memory);
8728 return at::_ops::_sparse_compressed_tensor_unsafe::call(compressed_indices, plain_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8732 return at::_ops::_sparse_compressed_tensor_unsafe::call(compressed_indices, plain_indices, values,
size, dtype, layout, device, pin_memory);
8737 return at::_ops::_sparse_csr_tensor_unsafe::call(crow_indices, col_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8741 return at::_ops::_sparse_csr_tensor_unsafe::call(crow_indices, col_indices, values,
size, dtype, layout, device, pin_memory);
8746 return at::_ops::_sparse_csc_tensor_unsafe::call(ccol_indices, row_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8750 return at::_ops::_sparse_csc_tensor_unsafe::call(ccol_indices, row_indices, values,
size, dtype, layout, device, pin_memory);
8755 return at::_ops::_sparse_bsr_tensor_unsafe::call(crow_indices, col_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8759 return at::_ops::_sparse_bsr_tensor_unsafe::call(crow_indices, col_indices, values,
size, dtype, layout, device, pin_memory);
8764 return at::_ops::_sparse_bsc_tensor_unsafe::call(ccol_indices, row_indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8768 return at::_ops::_sparse_bsc_tensor_unsafe::call(ccol_indices, row_indices, values,
size, dtype, layout, device, pin_memory);
8773 return at::_ops::sparse_coo_tensor_size::call(
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8777 return at::_ops::sparse_coo_tensor_size::call(
size, dtype, layout, device, pin_memory);
8782 return at::_ops::sparse_coo_tensor_indices::call(indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8786 return at::_ops::sparse_coo_tensor_indices::call(indices, values, dtype, layout, device, pin_memory);
8791 return at::_ops::sparse_coo_tensor_indices_size::call(indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8795 return at::_ops::sparse_coo_tensor_indices_size::call(indices, values,
size, dtype, layout, device, pin_memory);
8800 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8803 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8805 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values, c10::fromIntArrayRefSlow(
size), optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8811 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
8814 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8816 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values, c10::fromIntArrayRefSlow(
size), dtype, layout, device, pin_memory);
8822 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8825 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8827 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8833 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values,
size, dtype, layout, device, pin_memory);
8836 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8838 return at::_ops::_sparse_coo_tensor_unsafe::call(indices, values,
size, dtype, layout, device, pin_memory);
8844 return at::_ops::_validate_sparse_coo_tensor_args::call(indices, values,
size);
8849 return at::_ops::_validate_sparse_compressed_tensor_args::call(compressed_indices, plain_indices, values,
size, layout);
8854 return at::_ops::_validate_sparse_csr_tensor_args::call(crow_indices, col_indices, values,
size);
8859 return at::_ops::_validate_sparse_csc_tensor_args::call(ccol_indices, row_indices, values,
size);
8864 return at::_ops::_validate_sparse_bsr_tensor_args::call(crow_indices, col_indices, values,
size);
8869 return at::_ops::_validate_sparse_bsc_tensor_args::call(ccol_indices, row_indices, values,
size);
8874 return at::_ops::_sparse_coo_tensor_with_dims::call(sparse_dim, dense_dim,
size, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8878 return at::_ops::_sparse_coo_tensor_with_dims::call(sparse_dim, dense_dim,
size, dtype, layout, device, pin_memory);
8883 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8886 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8888 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8894 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, dtype, layout, device, pin_memory);
8897 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
8899 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, dtype, layout, device, pin_memory);
8905 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim,
size, indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8908 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8910 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim,
size, indices, values, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
8916 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim,
size, indices, values, dtype, layout, device, pin_memory);
8919 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
8921 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors::call(sparse_dim, dense_dim,
size, indices, values, dtype, layout, device, pin_memory);
8927 return at::_ops::_to_cpu::call(tensors);
8932 return at::_ops::to_dense_backward::call(grad, input);
8937 return at::_ops::_coalesce::call(self);
8942 return at::_ops::hspmm_out::call(mat1, mat2, out);
8946 return at::_ops::hspmm_out::call(mat1, mat2, out);
8951 return at::_ops::hspmm::call(mat1, mat2);
8956 return at::_ops::copy_sparse_to_sparse_::call(self, src, non_blocking);
8961 return at::_ops::unbind_int::call(self, dim);
8966 return at::_ops::unbind_Dimname::call(self, dim);
8971 return at::_ops::mkldnn_reorder_conv2d_weight::call(self, padding,
stride, dilation, groups, input_size);
8976 return at::_ops::mkldnn_reorder_conv3d_weight::call(self, padding,
stride, dilation, groups);
8981 return at::_ops::to_mkldnn_backward::call(grad, input);
8986 return at::_ops::quantize_per_tensor_dynamic::call(self, dtype, reduce_range);
8991 return at::_ops::quantize_per_tensor::call(self, scale, zero_point, dtype);
8996 return at::_ops::quantize_per_tensor_tensor_qparams::call(self, scale, zero_point, dtype);
9001 return at::_ops::quantize_per_tensor_tensors::call(tensors, scales, zero_points, dtype);
9006 return at::_ops::quantize_per_channel::call(self, scales, zero_points, axis, dtype);
9011 return at::_ops::dequantize_self::call(self);
9016 return at::_ops::dequantize_tensors::call(tensors);
9021 return at::_ops::q_scale::call(self);
9026 return at::_ops::q_zero_point::call(self);
9031 return at::_ops::q_per_channel_scales::call(self);
9036 return at::_ops::q_per_channel_zero_points::call(self);
9041 return at::_ops::q_per_channel_axis::call(self);
9046 return at::_ops::int_repr::call(self);
9051 return at::_ops::_make_per_tensor_quantized_tensor::call(self, scale, zero_point);
9056 return at::_ops::_make_per_channel_quantized_tensor::call(self, scale, zero_point, axis);
9061 return at::_ops::fake_quantize_per_tensor_affine::call(self, scale, zero_point, quant_min, quant_max);
9066 return at::_ops::fake_quantize_per_tensor_affine_tensor_qparams::call(self, scale, zero_point, quant_min, quant_max);
9071 return at::_ops::fake_quantize_per_tensor_affine_cachemask::call(self, scale, zero_point, quant_min, quant_max);
9076 return at::_ops::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams::call(self, scale, zero_point, fake_quant_enabled, quant_min, quant_max);
9081 return at::_ops::fake_quantize_per_tensor_affine_cachemask_backward::call(grad, mask);
9086 return at::_ops::_fake_quantize_learnable_per_tensor_affine::call(self, scale, zero_point, quant_min, quant_max, grad_factor);
9091 return at::_ops::_fake_quantize_learnable_per_tensor_affine_backward::call(grad, self, scale, zero_point, quant_min, quant_max, grad_factor);
9096 return at::_ops::fake_quantize_per_channel_affine::call(self, scale, zero_point, axis, quant_min, quant_max);
9101 return at::_ops::fake_quantize_per_channel_affine_cachemask::call(self, scale, zero_point, axis, quant_min, quant_max);
9106 return at::_ops::fake_quantize_per_channel_affine_cachemask_backward::call(grad, mask);
9111 return at::_ops::_fake_quantize_learnable_per_channel_affine::call(self, scale, zero_point, axis, quant_min, quant_max, grad_factor);
9116 return at::_ops::_fake_quantize_learnable_per_channel_affine_backward::call(grad, self, scale, zero_point, axis, quant_min, quant_max, grad_factor);
9120inline at::Tensor 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) {
9121 return at::_ops::fused_moving_avg_obs_fake_quant::call(self, observer_on, fake_quant_on, running_min, running_max, scale, zero_point, averaging_const, quant_min, quant_max, ch_axis, per_row_fake_quant, symmetric_quant);
9125inline ::std::tuple<at::Tensor,at::Tensor>
_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) {
9126 return at::_ops::_fused_moving_avg_obs_fq_helper::call(self, observer_on, fake_quant_on, running_min, running_max, scale, zero_point, averaging_const, quant_min, quant_max, ch_axis, per_row_fake_quant, symmetric_quant);
9131 return at::_ops::_choose_qparams_per_tensor::call(self, reduce_range);
9136 return at::_ops::_saturate_weight_to_fp16::call(weight);
9141 return at::_ops::choose_qparams_optimized::call(input,
numel, n_bins, ratio, bit_width);
9146 return at::_ops::_to_copy::call(self, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt(), non_blocking, c10::impl::check_tensor_options_and_extract_memory_format(options, memory_format));
9150 return at::_ops::_to_copy::call(self, dtype, layout, device, pin_memory, non_blocking, memory_format);
9155 return at::_ops::meshgrid::call(tensors);
9160 return at::_ops::meshgrid_indexing::call(tensors, indexing);
9165 return at::_ops::cartesian_prod::call(tensors);
9170 return at::_ops::combinations::call(self, r, with_replacement);
9175 return at::_ops::result_type_Tensor::call(tensor, other);
9180 return at::_ops::result_type_Scalar::call(tensor, other);
9185 return at::_ops::result_type_Scalar_Tensor::call(scalar, tensor);
9189inline at::ScalarType
result_type(
const at::Scalar & scalar1,
const at::Scalar & scalar2) {
9190 return at::_ops::result_type_Scalar_Scalar::call(scalar1, scalar2);
9194inline bool can_cast(at::ScalarType from, at::ScalarType to) {
9195 return at::_ops::can_cast::call(from, to);
9199inline at::ScalarType
promote_types(at::ScalarType type1, at::ScalarType type2) {
9200 return at::_ops::promote_types::call(type1, type2);
9205 return at::_ops::_local_scalar_dense::call(self);
9209inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
9210 return at::_ops::_lstm_mps::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first);
9214inline ::std::tuple<at::Tensor,::std::vector<at::Tensor>,::std::vector<at::Tensor>>
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) {
9215 return at::_ops::lstm_mps_backward::call(grad_y, grad_hy, grad_cy, z_state, cell_state_fwd, input, layersOutputs, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first);
9220 return at::_ops::_thnn_fused_lstm_cell::call(input_gates, hidden_gates, cx, input_bias, hidden_bias);
9225 return at::_ops::_thnn_fused_lstm_cell_backward_impl::call(grad_hy, grad_cy, cx, cy, workspace, has_bias);
9230 return at::_ops::_thnn_fused_lstm_cell_backward::call(grad_hy, grad_cy, cx, cy, workspace, has_bias);
9234inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
9235 return at::_ops::_thnn_differentiable_lstm_cell_backward::call(grad_hy, grad_cy, input_gates, hidden_gates, input_bias, hidden_bias, cx, cy);
9240 return at::_ops::_thnn_fused_gru_cell::call(input_gates, hidden_gates, hx, input_bias, hidden_bias);
9245 return at::_ops::_thnn_fused_gru_cell_backward::call(grad_hy, workspace, has_bias);
9250 return at::_ops::_thnn_differentiable_gru_cell_backward::call(grad_hy, input_gates, hidden_gates, hx, input_bias, hidden_bias);
9254inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
9255 return at::_ops::lstm_input::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first);
9259inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
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) {
9260 return at::_ops::lstm_data::call(data, batch_sizes, hx, params, has_biases, num_layers,
dropout, train, bidirectional);
9265 return at::_ops::gru_input::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first);
9270 return at::_ops::gru_data::call(data, batch_sizes, hx, params, has_biases, num_layers,
dropout, train, bidirectional);
9275 return at::_ops::rnn_tanh_input::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first);
9280 return at::_ops::rnn_tanh_data::call(data, batch_sizes, hx, params, has_biases, num_layers,
dropout, train, bidirectional);
9285 return at::_ops::rnn_relu_input::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first);
9290 return at::_ops::rnn_relu_data::call(data, batch_sizes, hx, params, has_biases, num_layers,
dropout, train, bidirectional);
9295 return at::_ops::lstm_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh);
9300 return at::_ops::gru_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh);
9305 return at::_ops::rnn_tanh_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh);
9310 return at::_ops::rnn_relu_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh);
9314inline ::std::tuple<at::Tensor,at::Tensor>
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) {
9315 return at::_ops::quantized_lstm_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh);
9319inline at::Tensor 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) {
9320 return at::_ops::quantized_gru_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh);
9324inline at::Tensor 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) {
9325 return at::_ops::quantized_rnn_relu_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh);
9329inline at::Tensor 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) {
9330 return at::_ops::quantized_rnn_tanh_cell::call(input, hx, w_ih, w_hh, b_ih, b_hh, packed_ih, packed_hh, col_offsets_ih, col_offsets_hh, scale_ih, scale_hh, zero_point_ih, zero_point_hh);
9335 return at::_ops::_pack_padded_sequence::call(input, lengths, batch_first);
9340 return at::_ops::_pack_padded_sequence_backward::call(grad, c10::fromIntArrayRefSlow(input_size), batch_sizes, batch_first);
9343 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
9345 return at::_ops::_pack_padded_sequence_backward::call(grad, c10::fromIntArrayRefSlow(input_size), batch_sizes, batch_first);
9351 return at::_ops::_pack_padded_sequence_backward::call(grad, input_size, batch_sizes, batch_first);
9354 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
9356 return at::_ops::_pack_padded_sequence_backward::call(grad, input_size, batch_sizes, batch_first);
9362 return at::_ops::_pad_packed_sequence::call(data, batch_sizes, batch_first, padding_value, total_length);
9366 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
9368 return at::_ops::set__source_Storage_storage_offset::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
9373 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
9375 return at::_ops::set__source_Storage_storage_offset::call(self, source, storage_offset,
size,
stride);
9380 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
9382 return at::_ops::set__source_Tensor_storage_offset::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
9387 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
9389 return at::_ops::set__source_Tensor_storage_offset::call(self, source, storage_offset,
size,
stride);
9395 return at::_ops::lift::call(self);
9400 return at::_ops::lift_fresh::call(self);
9405 return at::_ops::lift_fresh_copy::call(self);
9410 return at::_ops::masked_fill_Scalar::call(self, mask, value);
9415 return at::_ops::masked_fill_Tensor::call(self, mask, value);
9420 return at::_ops::masked_scatter::call(self, mask, source);
9425 return at::_ops::_masked_softmax::call(self, mask, dim, mask_type);
9430 return at::_ops::_masked_softmax_backward::call(grad_output, output, mask, dim);
9434 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
9436 return at::_ops::view::call(self, c10::fromIntArrayRefSlow(
size));
9441 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
9443 return at::_ops::view::call(self,
size);
9449 return at::_ops::put::call(self,
index, source, accumulate);
9454 return at::_ops::index_add_out::call(self, dim,
index, source, alpha, out);
9458 return at::_ops::index_add_out::call(self, dim,
index, source, alpha, out);
9463 return at::_ops::index_add::call(self, dim,
index, source, alpha);
9468 return at::_ops::index_add_dimname::call(self, dim,
index, source, alpha);
9473 return at::_ops::index_reduce_out::call(self, dim,
index, source, reduce, include_self, out);
9477 return at::_ops::index_reduce_out::call(self, dim,
index, source, reduce, include_self, out);
9482 return at::_ops::index_reduce::call(self, dim,
index, source, reduce, include_self);
9487 return at::_ops::index_fill_int_Scalar::call(self, dim,
index, value);
9492 return at::_ops::index_fill_int_Tensor::call(self, dim,
index, value);
9497 return at::_ops::index_fill_Dimname_Scalar::call(self, dim,
index, value);
9502 return at::_ops::index_fill_Dimname_Tensor::call(self, dim,
index, value);
9507 return at::_ops::scatter_src::call(self, dim,
index, src);
9512 return at::_ops::scatter_src_out::call(self, dim,
index, src, out);
9516 return at::_ops::scatter_src_out::call(self, dim,
index, src, out);
9521 return at::_ops::scatter_value::call(self, dim,
index, value);
9526 return at::_ops::scatter_value_out::call(self, dim,
index, value, out);
9530 return at::_ops::scatter_value_out::call(self, dim,
index, value, out);
9535 return at::_ops::scatter_reduce::call(self, dim,
index, src, reduce);
9540 return at::_ops::scatter_reduce_out::call(self, dim,
index, src, reduce, out);
9544 return at::_ops::scatter_reduce_out::call(self, dim,
index, src, reduce, out);
9549 return at::_ops::scatter_value_reduce::call(self, dim,
index, value, reduce);
9554 return at::_ops::scatter_value_reduce_out::call(self, dim,
index, value, reduce, out);
9558 return at::_ops::scatter_value_reduce_out::call(self, dim,
index, value, reduce, out);
9563 return at::_ops::scatter_dimname_src::call(self, dim,
index, src);
9568 return at::_ops::scatter_dimname_value::call(self, dim,
index, value);
9573 return at::_ops::scatter_add::call(self, dim,
index, src);
9578 return at::_ops::scatter_add_out::call(self, dim,
index, src, out);
9582 return at::_ops::scatter_add_out::call(self, dim,
index, src, out);
9587 return at::_ops::scatter_add_dimname::call(self, dim,
index, src);
9592 return at::_ops::scatter_reduce_two::call(self, dim,
index, src, reduce, include_self);
9597 return at::_ops::scatter_reduce_two_out::call(self, dim,
index, src, reduce, include_self, out);
9601 return at::_ops::scatter_reduce_two_out::call(self, dim,
index, src, reduce, include_self, out);
9606 return at::_ops::bitwise_and_Tensor_out::call(self, other, out);
9610 return at::_ops::bitwise_and_Tensor_out::call(self, other, out);
9615 return at::_ops::bitwise_and_Scalar_out::call(self, other, out);
9619 return at::_ops::bitwise_and_Scalar_out::call(self, other, out);
9624 return at::_ops::bitwise_and_Scalar::call(self, other);
9629 return at::_ops::bitwise_and_Scalar_Tensor::call(self, other);
9634 return at::_ops::bitwise_and_Tensor::call(self, other);
9639 return at::_ops::__and___Scalar::call(self, other);
9644 return at::_ops::__and___Tensor::call(self, other);
9649 return at::_ops::bitwise_or_Tensor_out::call(self, other, out);
9653 return at::_ops::bitwise_or_Tensor_out::call(self, other, out);
9658 return at::_ops::bitwise_or_Scalar_out::call(self, other, out);
9662 return at::_ops::bitwise_or_Scalar_out::call(self, other, out);
9667 return at::_ops::bitwise_or_Scalar::call(self, other);
9672 return at::_ops::bitwise_or_Scalar_Tensor::call(self, other);
9677 return at::_ops::bitwise_or_Tensor::call(self, other);
9682 return at::_ops::__or___Scalar::call(self, other);
9687 return at::_ops::__or___Tensor::call(self, other);
9692 return at::_ops::bitwise_xor_Tensor_out::call(self, other, out);
9696 return at::_ops::bitwise_xor_Tensor_out::call(self, other, out);
9701 return at::_ops::bitwise_xor_Scalar_out::call(self, other, out);
9705 return at::_ops::bitwise_xor_Scalar_out::call(self, other, out);
9710 return at::_ops::bitwise_xor_Scalar::call(self, other);
9715 return at::_ops::bitwise_xor_Scalar_Tensor::call(self, other);
9720 return at::_ops::bitwise_xor_Tensor::call(self, other);
9725 return at::_ops::__xor___Scalar::call(self, other);
9730 return at::_ops::__xor___Tensor::call(self, other);
9735 return at::_ops::__lshift___Scalar::call(self, other);
9740 return at::_ops::__lshift___Tensor::call(self, other);
9745 return at::_ops::bitwise_left_shift_Tensor::call(self, other);
9750 return at::_ops::bitwise_left_shift_Tensor_out::call(self, other, out);
9754 return at::_ops::bitwise_left_shift_Tensor_out::call(self, other, out);
9759 return at::_ops::bitwise_left_shift_Tensor_Scalar::call(self, other);
9764 return at::_ops::bitwise_left_shift_Tensor_Scalar_out::call(self, other, out);
9768 return at::_ops::bitwise_left_shift_Tensor_Scalar_out::call(self, other, out);
9773 return at::_ops::bitwise_left_shift_Scalar_Tensor::call(self, other);
9778 return at::_ops::__rshift___Scalar::call(self, other);
9783 return at::_ops::__rshift___Tensor::call(self, other);
9788 return at::_ops::bitwise_right_shift_Tensor::call(self, other);
9793 return at::_ops::bitwise_right_shift_Tensor_out::call(self, other, out);
9797 return at::_ops::bitwise_right_shift_Tensor_out::call(self, other, out);
9802 return at::_ops::bitwise_right_shift_Tensor_Scalar::call(self, other);
9807 return at::_ops::bitwise_right_shift_Tensor_Scalar_out::call(self, other, out);
9811 return at::_ops::bitwise_right_shift_Tensor_Scalar_out::call(self, other, out);
9816 return at::_ops::bitwise_right_shift_Scalar_Tensor::call(self, other);
9821 return at::_ops::addbmm_out::call(self, batch1, batch2, beta, alpha, out);
9825 return at::_ops::addbmm_out::call(self, batch1, batch2, beta, alpha, out);
9830 return at::_ops::addbmm::call(self, batch1, batch2, beta, alpha);
9835 return at::_ops::diag_out::call(self,
diagonal, out);
9839 return at::_ops::diag_out::call(self,
diagonal, out);
9844 return at::_ops::diag::call(self,
diagonal);
9849 return at::_ops::cross_out::call(self, other, dim, out);
9853 return at::_ops::cross_out::call(self, other, dim, out);
9858 return at::_ops::cross::call(self, other, dim);
9863 return at::_ops::triu_out::call(self,
diagonal, out);
9867 return at::_ops::triu_out::call(self,
diagonal, out);
9872 return at::_ops::triu::call(self,
diagonal);
9877 return at::_ops::tril_out::call(self,
diagonal, out);
9881 return at::_ops::tril_out::call(self,
diagonal, out);
9886 return at::_ops::tril::call(self,
diagonal);
9891 return at::_ops::tril_indices::call(row, col, offset, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
9895 return at::_ops::tril_indices::call(row, col, offset, dtype, layout, device, pin_memory);
9900 return at::_ops::triu_indices::call(row, col, offset, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
9904 return at::_ops::triu_indices::call(row, col, offset, dtype, layout, device, pin_memory);
9909 return at::_ops::trace::call(self);
9914 return at::_ops::trace_backward::call(grad, c10::fromIntArrayRefSlow(sizes));
9917 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
9919 return at::_ops::trace_backward::call(grad, c10::fromIntArrayRefSlow(
sizes));
9925 return at::_ops::trace_backward::call(grad, sizes);
9928 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
9930 return at::_ops::trace_backward::call(grad,
sizes);
9936 return at::_ops::ne_Scalar_out::call(self, other, out);
9940 return at::_ops::ne_Scalar_out::call(self, other, out);
9945 return at::_ops::ne_Scalar::call(self, other);
9950 return at::_ops::ne_Tensor_out::call(self, other, out);
9954 return at::_ops::ne_Tensor_out::call(self, other, out);
9959 return at::_ops::ne_Tensor::call(self, other);
9964 return at::_ops::not_equal_Scalar_out::call(self, other, out);
9968 return at::_ops::not_equal_Scalar_out::call(self, other, out);
9973 return at::_ops::not_equal_Scalar::call(self, other);
9978 return at::_ops::not_equal_Tensor_out::call(self, other, out);
9982 return at::_ops::not_equal_Tensor_out::call(self, other, out);
9987 return at::_ops::not_equal_Tensor::call(self, other);
9992 return at::_ops::eq_Scalar_out::call(self, other, out);
9996 return at::_ops::eq_Scalar_out::call(self, other, out);
10001 return at::_ops::eq_Scalar::call(self, other);
10006 return at::_ops::eq_Tensor_out::call(self, other, out);
10010 return at::_ops::eq_Tensor_out::call(self, other, out);
10015 return at::_ops::eq_Tensor::call(self, other);
10020 return at::_ops::ge_Scalar_out::call(self, other, out);
10024 return at::_ops::ge_Scalar_out::call(self, other, out);
10029 return at::_ops::ge_Scalar::call(self, other);
10034 return at::_ops::ge_Tensor_out::call(self, other, out);
10038 return at::_ops::ge_Tensor_out::call(self, other, out);
10043 return at::_ops::ge_Tensor::call(self, other);
10048 return at::_ops::greater_equal_Scalar_out::call(self, other, out);
10052 return at::_ops::greater_equal_Scalar_out::call(self, other, out);
10057 return at::_ops::greater_equal_Scalar::call(self, other);
10062 return at::_ops::greater_equal_Tensor_out::call(self, other, out);
10066 return at::_ops::greater_equal_Tensor_out::call(self, other, out);
10071 return at::_ops::greater_equal_Tensor::call(self, other);
10076 return at::_ops::le_Scalar_out::call(self, other, out);
10080 return at::_ops::le_Scalar_out::call(self, other, out);
10085 return at::_ops::le_Scalar::call(self, other);
10090 return at::_ops::le_Tensor_out::call(self, other, out);
10094 return at::_ops::le_Tensor_out::call(self, other, out);
10099 return at::_ops::le_Tensor::call(self, other);
10104 return at::_ops::less_equal_Scalar_out::call(self, other, out);
10108 return at::_ops::less_equal_Scalar_out::call(self, other, out);
10113 return at::_ops::less_equal_Scalar::call(self, other);
10118 return at::_ops::less_equal_Tensor_out::call(self, other, out);
10122 return at::_ops::less_equal_Tensor_out::call(self, other, out);
10127 return at::_ops::less_equal_Tensor::call(self, other);
10132 return at::_ops::gt_Scalar_out::call(self, other, out);
10136 return at::_ops::gt_Scalar_out::call(self, other, out);
10141 return at::_ops::gt_Scalar::call(self, other);
10146 return at::_ops::gt_Tensor_out::call(self, other, out);
10150 return at::_ops::gt_Tensor_out::call(self, other, out);
10155 return at::_ops::gt_Tensor::call(self, other);
10160 return at::_ops::greater_Scalar_out::call(self, other, out);
10164 return at::_ops::greater_Scalar_out::call(self, other, out);
10169 return at::_ops::greater_Scalar::call(self, other);
10174 return at::_ops::greater_Tensor_out::call(self, other, out);
10178 return at::_ops::greater_Tensor_out::call(self, other, out);
10183 return at::_ops::greater_Tensor::call(self, other);
10188 return at::_ops::lt_Scalar_out::call(self, other, out);
10192 return at::_ops::lt_Scalar_out::call(self, other, out);
10197 return at::_ops::lt_Scalar::call(self, other);
10202 return at::_ops::lt_Tensor_out::call(self, other, out);
10206 return at::_ops::lt_Tensor_out::call(self, other, out);
10211 return at::_ops::lt_Tensor::call(self, other);
10216 return at::_ops::less_Scalar_out::call(self, other, out);
10220 return at::_ops::less_Scalar_out::call(self, other, out);
10225 return at::_ops::less_Scalar::call(self, other);
10230 return at::_ops::less_Tensor_out::call(self, other, out);
10234 return at::_ops::less_Tensor_out::call(self, other, out);
10239 return at::_ops::less_Tensor::call(self, other);
10244 return at::_ops::take_out::call(self,
index, out);
10248 return at::_ops::take_out::call(self,
index, out);
10253 return at::_ops::take::call(self,
index);
10258 return at::_ops::take_along_dim_out::call(self, indices, dim, out);
10262 return at::_ops::take_along_dim_out::call(self, indices, dim, out);
10267 return at::_ops::take_along_dim::call(self, indices, dim);
10272 return at::_ops::index_select_out::call(self, dim,
index, out);
10276 return at::_ops::index_select_out::call(self, dim,
index, out);
10281 return at::_ops::index_select::call(self, dim,
index);
10286 return at::_ops::index_select_dimname_out::call(self, dim,
index, out);
10290 return at::_ops::index_select_dimname_out::call(self, dim,
index, out);
10295 return at::_ops::index_select_dimname::call(self, dim,
index);
10300 return at::_ops::index_select_backward::call(grad, c10::fromIntArrayRefSlow(self_sizes), dim,
index);
10303 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
10305 return at::_ops::index_select_backward::call(grad, c10::fromIntArrayRefSlow(self_sizes), dim,
index);
10311 return at::_ops::index_select_backward::call(grad, self_sizes, dim,
index);
10314 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
10316 return at::_ops::index_select_backward::call(grad, self_sizes, dim,
index);
10322 return at::_ops::masked_select_out::call(self, mask, out);
10326 return at::_ops::masked_select_out::call(self, mask, out);
10331 return at::_ops::masked_select::call(self, mask);
10336 return at::_ops::masked_select_backward::call(grad, input, mask);
10341 return at::_ops::nonzero_out::call(self, out);
10345 return at::_ops::nonzero_out::call(self, out);
10350 return at::_ops::nonzero::call(self);
10355 return at::_ops::nonzero_numpy::call(self);
10360 return at::_ops::argwhere::call(self);
10365 return at::_ops::gather_out::call(self, dim,
index, sparse_grad, out);
10369 return at::_ops::gather_out::call(self, dim,
index, sparse_grad, out);
10374 return at::_ops::gather::call(self, dim,
index, sparse_grad);
10379 return at::_ops::gather_backward::call(grad, self, dim,
index, sparse_grad);
10384 return at::_ops::gather_dimname_out::call(self, dim,
index, sparse_grad, out);
10388 return at::_ops::gather_dimname_out::call(self, dim,
index, sparse_grad, out);
10393 return at::_ops::gather_dimname::call(self, dim,
index, sparse_grad);
10398 return at::_ops::_gather_sparse_backward::call(self, dim,
index, grad);
10403 return at::_ops::addcmul_out::call(self, tensor1, tensor2, value, out);
10407 return at::_ops::addcmul_out::call(self, tensor1, tensor2, value, out);
10412 return at::_ops::addcmul::call(self, tensor1, tensor2, value);
10417 return at::_ops::addcdiv_out::call(self, tensor1, tensor2, value, out);
10421 return at::_ops::addcdiv_out::call(self, tensor1, tensor2, value, out);
10426 return at::_ops::addcdiv::call(self, tensor1, tensor2, value);
10431 return at::_ops::cross_entropy_loss::call(self, target, weight, reduction, ignore_index, label_smoothing);
10434 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
10436 return at::_ops::cross_entropy_loss::call(self, target, weight, reduction, ignore_index, label_smoothing);
10442 return at::_ops::cross_entropy_loss::call(self, target, weight, reduction, ignore_index, label_smoothing);
10445 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
10447 return at::_ops::cross_entropy_loss::call(self, target, weight, reduction, ignore_index, label_smoothing);
10453 return at::_ops::triangular_solve_X::call(self, A, upper,
transpose, unitriangular, X, M);
10457 return at::_ops::triangular_solve_X::call(self, A, upper,
transpose, unitriangular, X, M);
10462 return at::_ops::triangular_solve::call(self, A, upper,
transpose, unitriangular);
10467 return at::_ops::_linalg_check_errors::call(info, api_name, is_matrix);
10472 return at::_ops::linalg_solve_triangular_out::call(self, B, upper, left, unitriangular, out);
10476 return at::_ops::linalg_solve_triangular_out::call(self, B, upper, left, unitriangular, out);
10481 return at::_ops::linalg_solve_triangular::call(self, B, upper, left, unitriangular);
10486 return at::_ops::linalg_vander::call(x, N);
10491 return at::_ops::svd_U::call(self, some, compute_uv, U, S, V);
10495 return at::_ops::svd_U::call(self, some, compute_uv, U, S, V);
10499inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
svd(
const at::Tensor & self,
bool some=
true,
bool compute_uv=
true) {
10500 return at::_ops::svd::call(self, some, compute_uv);
10505 return at::_ops::swapaxes::call(self, axis0, axis1);
10510 return at::_ops::swapdims::call(self, dim0, dim1);
10515 return at::_ops::cholesky_out::call(self, upper, out);
10519 return at::_ops::cholesky_out::call(self, upper, out);
10524 return at::_ops::cholesky::call(self, upper);
10529 return at::_ops::cholesky_solve_out::call(self, input2, upper, out);
10533 return at::_ops::cholesky_solve_out::call(self, input2, upper, out);
10538 return at::_ops::cholesky_solve::call(self, input2, upper);
10543 return at::_ops::_cholesky_solve_helper::call(self, A, upper);
10548 return at::_ops::cholesky_inverse::call(self, upper);
10553 return at::_ops::cholesky_inverse_out::call(self, upper, out);
10557 return at::_ops::cholesky_inverse_out::call(self, upper, out);
10562 return at::_ops::qr_Q::call(self, some, Q, R);
10566 return at::_ops::qr_Q::call(self, some, Q, R);
10570inline ::std::tuple<at::Tensor,at::Tensor>
qr(
const at::Tensor & self,
bool some=
true) {
10571 return at::_ops::qr::call(self, some);
10576 return at::_ops::geqrf_a::call(self, a, tau);
10580 return at::_ops::geqrf_a::call(self, a, tau);
10585 return at::_ops::geqrf::call(self);
10590 return at::_ops::orgqr::call(self, input2);
10595 return at::_ops::orgqr_out::call(self, input2, out);
10599 return at::_ops::orgqr_out::call(self, input2, out);
10604 return at::_ops::ormqr_out::call(self, input2, input3, left,
transpose, out);
10608 return at::_ops::ormqr_out::call(self, input2, input3, left,
transpose, out);
10613 return at::_ops::ormqr::call(self, input2, input3, left,
transpose);
10617inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_lu_with_info(
const at::Tensor & self,
bool pivot=
true,
bool check_errors=
true) {
10618 return at::_ops::_lu_with_info::call(self, pivot, check_errors);
10623 return at::_ops::lu_solve_out::call(self, LU_data, LU_pivots, out);
10627 return at::_ops::lu_solve_out::call(self, LU_data, LU_pivots, out);
10632 return at::_ops::lu_solve::call(self, LU_data, LU_pivots);
10636inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
lu_unpack(
const at::Tensor & LU_data,
const at::Tensor & LU_pivots,
bool unpack_data=
true,
bool unpack_pivots=
true) {
10637 return at::_ops::lu_unpack::call(LU_data, LU_pivots, unpack_data, unpack_pivots);
10642 return at::_ops::lu_unpack_out::call(LU_data, LU_pivots, unpack_data, unpack_pivots, P, L, U);
10646 return at::_ops::lu_unpack_out::call(LU_data, LU_pivots, unpack_data, unpack_pivots, P, L, U);
10651 return at::_ops::multinomial_out::call(self, num_samples, replacement, generator, out);
10655 return at::_ops::multinomial_out::call(self, num_samples, replacement, generator, out);
10660 return at::_ops::multinomial::call(self, num_samples, replacement, generator);
10665 return at::_ops::lgamma_out::call(self, out);
10669 return at::_ops::lgamma_out::call(self, out);
10674 return at::_ops::lgamma::call(self);
10679 return at::_ops::digamma_out::call(self, out);
10683 return at::_ops::digamma_out::call(self, out);
10688 return at::_ops::digamma::call(self);
10693 return at::_ops::polygamma_out::call(n, self, out);
10697 return at::_ops::polygamma_out::call(n, self, out);
10702 return at::_ops::polygamma::call(n, self);
10707 return at::_ops::erfinv::call(self);
10712 return at::_ops::erfinv_out::call(self, out);
10716 return at::_ops::erfinv_out::call(self, out);
10721 return at::_ops::i0::call(self);
10726 return at::_ops::i0_::call(self);
10731 return at::_ops::i0_out::call(self, out);
10735 return at::_ops::i0_out::call(self, out);
10740 return at::_ops::sign::call(self);
10745 return at::_ops::sign_out::call(self, out);
10749 return at::_ops::sign_out::call(self, out);
10754 return at::_ops::signbit::call(self);
10759 return at::_ops::signbit_out::call(self, out);
10763 return at::_ops::signbit_out::call(self, out);
10768 return at::_ops::dist::call(self, other, p);
10773 return at::_ops::atan2_out::call(self, other, out);
10777 return at::_ops::atan2_out::call(self, other, out);
10782 return at::_ops::atan2::call(self, other);
10787 return at::_ops::arctan2::call(self, other);
10792 return at::_ops::arctan2_out::call(self, other, out);
10796 return at::_ops::arctan2_out::call(self, other, out);
10801 return at::_ops::lerp_Scalar_out::call(self, end, weight, out);
10805 return at::_ops::lerp_Scalar_out::call(self, end, weight, out);
10810 return at::_ops::lerp_Tensor_out::call(self, end, weight, out);
10814 return at::_ops::lerp_Tensor_out::call(self, end, weight, out);
10819 return at::_ops::lerp_Scalar::call(self, end, weight);
10824 return at::_ops::lerp_Tensor::call(self, end, weight);
10829 return at::_ops::histc_out::call(self, bins,
min,
max, out);
10833 return at::_ops::histc_out::call(self, bins,
min,
max, out);
10838 return at::_ops::histc::call(self, bins,
min,
max);
10843 return at::_ops::histogram_bins_tensor_out::call(self, bins, weight, density, hist, bin_edges);
10847 return at::_ops::histogram_bins_tensor_out::call(self, bins, weight, density, hist, bin_edges);
10852 return at::_ops::histogram_bins_tensor::call(self, bins, weight, density);
10857 return at::_ops::histogram_bin_ct_out::call(self, bins,
range, weight, density, hist, bin_edges);
10861 return at::_ops::histogram_bin_ct_out::call(self, bins,
range, weight, density, hist, bin_edges);
10866 return at::_ops::histogram_bin_ct::call(self, bins,
range, weight, density);
10871 return at::_ops::_histogramdd_bin_edges::call(self, bins,
range, weight, density);
10876 return at::_ops::_histogramdd_from_bin_cts::call(self, bins,
range, weight, density);
10881 return at::_ops::_histogramdd_from_bin_tensors::call(self, bins, weight, density);
10886 return at::_ops::histogramdd::call(self, bins,
range, weight, density);
10891 return at::_ops::histogramdd_int_bins::call(self, bins,
range, weight, density);
10896 return at::_ops::histogramdd_TensorList_bins::call(self, bins,
range, weight, density);
10901 return at::_ops::fmod_Scalar_out::call(self, other, out);
10905 return at::_ops::fmod_Scalar_out::call(self, other, out);
10910 return at::_ops::fmod_Scalar::call(self, other);
10915 return at::_ops::fmod_Tensor_out::call(self, other, out);
10919 return at::_ops::fmod_Tensor_out::call(self, other, out);
10924 return at::_ops::fmod_Tensor::call(self, other);
10929 return at::_ops::hypot_out::call(self, other, out);
10933 return at::_ops::hypot_out::call(self, other, out);
10938 return at::_ops::hypot::call(self, other);
10943 return at::_ops::igamma_out::call(self, other, out);
10947 return at::_ops::igamma_out::call(self, other, out);
10952 return at::_ops::igamma::call(self, other);
10957 return at::_ops::igammac_out::call(self, other, out);
10961 return at::_ops::igammac_out::call(self, other, out);
10966 return at::_ops::igammac::call(self, other);
10971 return at::_ops::nextafter_out::call(self, other, out);
10975 return at::_ops::nextafter_out::call(self, other, out);
10980 return at::_ops::nextafter::call(self, other);
10985 return at::_ops::remainder_Scalar_out::call(self, other, out);
10989 return at::_ops::remainder_Scalar_out::call(self, other, out);
10994 return at::_ops::remainder_Scalar::call(self, other);
10999 return at::_ops::remainder_Tensor_out::call(self, other, out);
11003 return at::_ops::remainder_Tensor_out::call(self, other, out);
11008 return at::_ops::remainder_Tensor::call(self, other);
11013 return at::_ops::remainder_Scalar_Tensor::call(self, other);
11018 return at::_ops::min::call(self);
11023 return at::_ops::fmin::call(self, other);
11028 return at::_ops::fmin_out::call(self, other, out);
11032 return at::_ops::fmin_out::call(self, other, out);
11037 return at::_ops::max::call(self);
11042 return at::_ops::fmax::call(self, other);
11047 return at::_ops::fmax_out::call(self, other, out);
11051 return at::_ops::fmax_out::call(self, other, out);
11056 return at::_ops::maximum::call(self, other);
11061 return at::_ops::maximum_out::call(self, other, out);
11065 return at::_ops::maximum_out::call(self, other, out);
11070 return at::_ops::max_other::call(self, other);
11075 return at::_ops::max_out::call(self, other, out);
11079 return at::_ops::max_out::call(self, other, out);
11084 return at::_ops::max_unary_out::call(self, out);
11088 return at::_ops::max_unary_out::call(self, out);
11093 return at::_ops::minimum::call(self, other);
11098 return at::_ops::minimum_out::call(self, other, out);
11102 return at::_ops::minimum_out::call(self, other, out);
11107 return at::_ops::min_out::call(self, other, out);
11111 return at::_ops::min_out::call(self, other, out);
11116 return at::_ops::min_other::call(self, other);
11121 return at::_ops::quantile::call(self, q, dim, keepdim, interpolation);
11126 return at::_ops::quantile_out::call(self, q, dim, keepdim, interpolation, out);
11130 return at::_ops::quantile_out::call(self, q, dim, keepdim, interpolation, out);
11135 return at::_ops::quantile_scalar::call(self, q, dim, keepdim, interpolation);
11140 return at::_ops::quantile_scalar_out::call(self, q, dim, keepdim, interpolation, out);
11144 return at::_ops::quantile_scalar_out::call(self, q, dim, keepdim, interpolation, out);
11149 return at::_ops::nanquantile::call(self, q, dim, keepdim, interpolation);
11154 return at::_ops::nanquantile_out::call(self, q, dim, keepdim, interpolation, out);
11158 return at::_ops::nanquantile_out::call(self, q, dim, keepdim, interpolation, out);
11163 return at::_ops::nanquantile_scalar::call(self, q, dim, keepdim, interpolation);
11168 return at::_ops::nanquantile_scalar_out::call(self, q, dim, keepdim, interpolation, out);
11172 return at::_ops::nanquantile_scalar_out::call(self, q, dim, keepdim, interpolation, out);
11177 return at::_ops::sort_values::call(self, dim, descending, values, indices);
11181 return at::_ops::sort_values::call(self, dim, descending, values, indices);
11186 return at::_ops::sort_values_stable::call(self, stable, dim, descending, values, indices);
11190 return at::_ops::sort_values_stable::call(self, stable, dim, descending, values, indices);
11194inline ::std::tuple<at::Tensor,at::Tensor>
sort(
const at::Tensor & self, int64_t dim=-1,
bool descending=
false) {
11195 return at::_ops::sort::call(self, dim, descending);
11200 return at::_ops::sort_stable::call(self, stable, dim, descending);
11205 return at::_ops::sort_dimname_values::call(self, dim, descending, values, indices);
11209 return at::_ops::sort_dimname_values::call(self, dim, descending, values, indices);
11214 return at::_ops::sort_dimname_values_stable::call(self, stable, dim, descending, values, indices);
11218 return at::_ops::sort_dimname_values_stable::call(self, stable, dim, descending, values, indices);
11222inline ::std::tuple<at::Tensor,at::Tensor>
sort(
const at::Tensor & self, at::Dimname dim,
bool descending=
false) {
11223 return at::_ops::sort_dimname::call(self, dim, descending);
11228 return at::_ops::sort_dimname_stable::call(self, stable, dim, descending);
11233 return at::_ops::msort_out::call(self, out);
11237 return at::_ops::msort_out::call(self, out);
11242 return at::_ops::msort::call(self);
11247 return at::_ops::argsort::call(self, dim, descending);
11252 return at::_ops::argsort_stable::call(self, stable, dim, descending);
11257 return at::_ops::argsort_dimname::call(self, dim, descending);
11262 return at::_ops::topk_values::call(self, k, dim, largest, sorted, values, indices);
11266 return at::_ops::topk_values::call(self, k, dim, largest, sorted, values, indices);
11270inline ::std::tuple<at::Tensor,at::Tensor>
topk(
const at::Tensor & self, int64_t k, int64_t dim=-1,
bool largest=
true,
bool sorted=
true) {
11271 return at::_ops::topk::call(self, k, dim, largest, sorted);
11276 return at::_ops::all::call(self);
11281 return at::_ops::all_all_out::call(self, out);
11285 return at::_ops::all_all_out::call(self, out);
11290 return at::_ops::any::call(self);
11295 return at::_ops::any_all_out::call(self, out);
11299 return at::_ops::any_all_out::call(self, out);
11304 return at::_ops::renorm_out::call(self, p, dim, maxnorm, out);
11308 return at::_ops::renorm_out::call(self, p, dim, maxnorm, out);
11313 return at::_ops::renorm::call(self, p, dim, maxnorm);
11318 return at::_ops::unfold_backward::call(grad_in, c10::fromIntArrayRefSlow(input_sizes), dim,
size, step);
11321 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
11323 return at::_ops::unfold_backward::call(grad_in, c10::fromIntArrayRefSlow(input_sizes), dim,
size, step);
11329 return at::_ops::unfold_backward::call(grad_in, input_sizes, dim,
size, step);
11332 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
11334 return at::_ops::unfold_backward::call(grad_in, input_sizes, dim,
size, step);
11340 return at::_ops::equal::call(self, other);
11345 return at::_ops::pow_Tensor_Tensor_out::call(self, exponent, out);
11349 return at::_ops::pow_Tensor_Tensor_out::call(self, exponent, out);
11354 return at::_ops::pow_Tensor_Tensor::call(self, exponent);
11359 return at::_ops::pow_Scalar_out::call(self, exponent, out);
11363 return at::_ops::pow_Scalar_out::call(self, exponent, out);
11368 return at::_ops::pow_Scalar::call(self, exponent);
11373 return at::_ops::pow_Tensor_Scalar_out::call(self, exponent, out);
11377 return at::_ops::pow_Tensor_Scalar_out::call(self, exponent, out);
11382 return at::_ops::pow_Tensor_Scalar::call(self, exponent);
11387 return at::_ops::float_power_Tensor_Tensor_out::call(self, exponent, out);
11391 return at::_ops::float_power_Tensor_Tensor_out::call(self, exponent, out);
11396 return at::_ops::float_power_Tensor_Tensor::call(self, exponent);
11401 return at::_ops::float_power_Scalar_out::call(self, exponent, out);
11405 return at::_ops::float_power_Scalar_out::call(self, exponent, out);
11410 return at::_ops::float_power_Scalar::call(self, exponent);
11415 return at::_ops::float_power_Tensor_Scalar_out::call(self, exponent, out);
11419 return at::_ops::float_power_Tensor_Scalar_out::call(self, exponent, out);
11424 return at::_ops::float_power_Tensor_Scalar::call(self, exponent);
11429 return at::_ops::normal_functional::call(self,
mean,
std, generator);
11434 return at::_ops::normal_Tensor_float_out::call(
mean,
std, generator, out);
11438 return at::_ops::normal_Tensor_float_out::call(
mean,
std, generator, out);
11443 return at::_ops::normal_Tensor_float::call(
mean,
std, generator);
11448 return at::_ops::normal_float_Tensor_out::call(
mean,
std, generator, out);
11452 return at::_ops::normal_float_Tensor_out::call(
mean,
std, generator, out);
11457 return at::_ops::normal_float_Tensor::call(
mean,
std, generator);
11462 return at::_ops::normal_Tensor_Tensor_out::call(
mean,
std, generator, out);
11466 return at::_ops::normal_Tensor_Tensor_out::call(
mean,
std, generator, out);
11471 return at::_ops::normal_Tensor_Tensor::call(
mean,
std, generator);
11476 return at::_ops::normal_float_float::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
11479 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
11481 return at::_ops::normal_float_float::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
11487 return at::_ops::normal_float_float::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
11490 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
11492 return at::_ops::normal_float_float::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, dtype, layout, device, pin_memory);
11498 return at::_ops::normal_float_float::call(
mean,
std,
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
11501 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
11503 return at::_ops::normal_float_float::call(
mean,
std,
size, generator, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
11509 return at::_ops::normal_float_float::call(
mean,
std,
size, generator, dtype, layout, device, pin_memory);
11512 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
11514 return at::_ops::normal_float_float::call(
mean,
std,
size, generator, dtype, layout, device, pin_memory);
11520 return at::_ops::normal_float_float_out::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, out);
11523 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
11525 return at::_ops::normal_float_float_out::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, out);
11531 return at::_ops::normal_float_float_out::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, out);
11534 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
11536 return at::_ops::normal_float_float_out::call(
mean,
std, c10::fromIntArrayRefSlow(
size), generator, out);
11542 return at::_ops::normal_float_float_out::call(
mean,
std,
size, generator, out);
11545 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
11547 return at::_ops::normal_float_float_out::call(
mean,
std,
size, generator, out);
11553 return at::_ops::normal_float_float_out::call(
mean,
std,
size, generator, out);
11556 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
11558 return at::_ops::normal_float_float_out::call(
mean,
std,
size, generator, out);
11564 return at::_ops::alias::call(self);
11569 return at::_ops::_amp_foreach_non_finite_check_and_unscale_::call(self, found_inf, inv_scale);
11574 return at::_ops::_amp_update_scale_::call(self, growth_tracker, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval);
11579 return at::_ops::_foreach_add_Scalar::call(self, scalar);
11584 return at::_ops::_foreach_add__Scalar::call(self, scalar);
11589 return at::_ops::_foreach_sub_Scalar::call(self, scalar);
11594 return at::_ops::_foreach_sub__Scalar::call(self, scalar);
11599 return at::_ops::_foreach_mul_Scalar::call(self, scalar);
11604 return at::_ops::_foreach_mul__Scalar::call(self, scalar);
11609 return at::_ops::_foreach_div_Scalar::call(self, scalar);
11614 return at::_ops::_foreach_div__Scalar::call(self, scalar);
11619 return at::_ops::_foreach_clamp_min_Scalar::call(self, scalar);
11624 return at::_ops::_foreach_clamp_min__Scalar::call(self, scalar);
11629 return at::_ops::_foreach_clamp_max_Scalar::call(self, scalar);
11634 return at::_ops::_foreach_clamp_max__Scalar::call(self, scalar);
11639 return at::_ops::_foreach_maximum_Scalar::call(self, scalar);
11644 return at::_ops::_foreach_maximum__Scalar::call(self, scalar);
11649 return at::_ops::_foreach_minimum_Scalar::call(self, scalar);
11654 return at::_ops::_foreach_minimum__Scalar::call(self, scalar);
11659 return at::_ops::_foreach_add_List::call(self, other, alpha);
11664 return at::_ops::_foreach_add__List::call(self, other, alpha);
11669 return at::_ops::_foreach_sub_List::call(self, other, alpha);
11674 return at::_ops::_foreach_sub__List::call(self, other, alpha);
11679 return at::_ops::_foreach_mul_List::call(self, other);
11684 return at::_ops::_foreach_mul__List::call(self, other);
11689 return at::_ops::_foreach_div_List::call(self, other);
11694 return at::_ops::_foreach_div__List::call(self, other);
11699 return at::_ops::_foreach_clamp_min_List::call(self, other);
11704 return at::_ops::_foreach_clamp_min__List::call(self, other);
11709 return at::_ops::_foreach_clamp_max_List::call(self, other);
11714 return at::_ops::_foreach_clamp_max__List::call(self, other);
11719 return at::_ops::_foreach_maximum_List::call(self, other);
11724 return at::_ops::_foreach_maximum__List::call(self, other);
11729 return at::_ops::_foreach_minimum_List::call(self, other);
11734 return at::_ops::_foreach_minimum__List::call(self, other);
11739 return at::_ops::_foreach_add_ScalarList::call(self, scalars);
11744 return at::_ops::_foreach_add__ScalarList::call(self, scalars);
11749 return at::_ops::_foreach_sub_ScalarList::call(self, scalars);
11754 return at::_ops::_foreach_sub__ScalarList::call(self, scalars);
11759 return at::_ops::_foreach_div_ScalarList::call(self, scalars);
11764 return at::_ops::_foreach_div__ScalarList::call(self, scalars);
11769 return at::_ops::_foreach_mul_ScalarList::call(self, scalars);
11774 return at::_ops::_foreach_mul__ScalarList::call(self, scalars);
11779 return at::_ops::_foreach_clamp_min_ScalarList::call(self, scalars);
11784 return at::_ops::_foreach_clamp_min__ScalarList::call(self, scalars);
11789 return at::_ops::_foreach_clamp_max_ScalarList::call(self, scalars);
11794 return at::_ops::_foreach_clamp_max__ScalarList::call(self, scalars);
11799 return at::_ops::_foreach_maximum_ScalarList::call(self, scalars);
11804 return at::_ops::_foreach_maximum__ScalarList::call(self, scalars);
11809 return at::_ops::_foreach_minimum_ScalarList::call(self, scalars);
11814 return at::_ops::_foreach_minimum__ScalarList::call(self, scalars);
11819 return at::_ops::_foreach_exp::call(self);
11824 return at::_ops::_foreach_zero_::call(self);
11829 return at::_ops::_foreach_exp_::call(self);
11834 return at::_ops::_foreach_sqrt::call(self);
11839 return at::_ops::_foreach_sqrt_::call(self);
11844 return at::_ops::_foreach_abs::call(self);
11849 return at::_ops::_foreach_abs_::call(self);
11854 return at::_ops::_foreach_acos::call(self);
11859 return at::_ops::_foreach_acos_::call(self);
11864 return at::_ops::_foreach_asin::call(self);
11869 return at::_ops::_foreach_asin_::call(self);
11874 return at::_ops::_foreach_atan::call(self);
11879 return at::_ops::_foreach_atan_::call(self);
11884 return at::_ops::_foreach_ceil::call(self);
11889 return at::_ops::_foreach_ceil_::call(self);
11894 return at::_ops::_foreach_cos::call(self);
11899 return at::_ops::_foreach_cos_::call(self);
11904 return at::_ops::_foreach_cosh::call(self);
11909 return at::_ops::_foreach_cosh_::call(self);
11914 return at::_ops::_foreach_erf::call(self);
11919 return at::_ops::_foreach_erf_::call(self);
11924 return at::_ops::_foreach_erfc::call(self);
11929 return at::_ops::_foreach_erfc_::call(self);
11934 return at::_ops::_foreach_expm1::call(self);
11939 return at::_ops::_foreach_expm1_::call(self);
11944 return at::_ops::_foreach_floor::call(self);
11949 return at::_ops::_foreach_floor_::call(self);
11954 return at::_ops::_foreach_log::call(self);
11959 return at::_ops::_foreach_log_::call(self);
11964 return at::_ops::_foreach_log10::call(self);
11969 return at::_ops::_foreach_log10_::call(self);
11974 return at::_ops::_foreach_log1p::call(self);
11979 return at::_ops::_foreach_log1p_::call(self);
11984 return at::_ops::_foreach_log2::call(self);
11989 return at::_ops::_foreach_log2_::call(self);
11994 return at::_ops::_foreach_neg::call(self);
11999 return at::_ops::_foreach_neg_::call(self);
12004 return at::_ops::_foreach_tan::call(self);
12009 return at::_ops::_foreach_tan_::call(self);
12014 return at::_ops::_foreach_tanh::call(self);
12019 return at::_ops::_foreach_tanh_::call(self);
12024 return at::_ops::_foreach_sin::call(self);
12029 return at::_ops::_foreach_sin_::call(self);
12034 return at::_ops::_foreach_sinh::call(self);
12039 return at::_ops::_foreach_sinh_::call(self);
12044 return at::_ops::_foreach_round::call(self);
12049 return at::_ops::_foreach_round_::call(self);
12054 return at::_ops::_foreach_lgamma::call(self);
12059 return at::_ops::_foreach_lgamma_::call(self);
12064 return at::_ops::_foreach_frac::call(self);
12069 return at::_ops::_foreach_frac_::call(self);
12074 return at::_ops::_foreach_reciprocal::call(self);
12079 return at::_ops::_foreach_reciprocal_::call(self);
12084 return at::_ops::_foreach_sigmoid::call(self);
12089 return at::_ops::_foreach_sigmoid_::call(self);
12094 return at::_ops::_foreach_trunc::call(self);
12099 return at::_ops::_foreach_trunc_::call(self);
12104 return at::_ops::_foreach_addcdiv__Scalar::call(self, tensor1, tensor2, value);
12109 return at::_ops::_foreach_addcmul__Scalar::call(self, tensor1, tensor2, value);
12114 return at::_ops::_foreach_addcdiv__ScalarList::call(self, tensor1, tensor2, scalars);
12119 return at::_ops::_foreach_addcdiv__Tensor::call(self, tensor1, tensor2, scalars);
12124 return at::_ops::_foreach_addcmul__ScalarList::call(self, tensor1, tensor2, scalars);
12129 return at::_ops::_foreach_addcmul__Tensor::call(self, tensor1, tensor2, scalars);
12134 return at::_ops::_foreach_addcdiv_Scalar::call(self, tensor1, tensor2, value);
12139 return at::_ops::_foreach_addcmul_Scalar::call(self, tensor1, tensor2, value);
12144 return at::_ops::_foreach_addcdiv_ScalarList::call(self, tensor1, tensor2, scalars);
12149 return at::_ops::_foreach_addcdiv_Tensor::call(self, tensor1, tensor2, scalars);
12154 return at::_ops::_foreach_addcmul_ScalarList::call(self, tensor1, tensor2, scalars);
12159 return at::_ops::_foreach_addcmul_Tensor::call(self, tensor1, tensor2, scalars);
12164 return at::_ops::_foreach_norm_Scalar::call(self, ord);
12169 return at::_ops::_foreach_lerp_List::call(self, tensors1, weights);
12174 return at::_ops::_foreach_lerp__List::call(self, tensors1, weights);
12179 return at::_ops::_foreach_lerp_Scalar::call(self, tensors1, weight);
12184 return at::_ops::_foreach_lerp__Scalar::call(self, tensors1, weight);
12189 return at::_ops::bucketize_Tensor::call(self, boundaries, out_int32, right);
12194 return at::_ops::bucketize_Tensor_out::call(self, boundaries, out_int32, right, out);
12198 return at::_ops::bucketize_Tensor_out::call(self, boundaries, out_int32, right, out);
12203 return at::_ops::bucketize_Scalar::call(self, boundaries, out_int32, right);
12208 return at::_ops::searchsorted_Tensor::call(sorted_sequence, self, out_int32, right, side, sorter);
12213 return at::_ops::searchsorted_Tensor_out::call(sorted_sequence, self, out_int32, right, side, sorter, out);
12217 return at::_ops::searchsorted_Tensor_out::call(sorted_sequence, self, out_int32, right, side, sorter, out);
12222 return at::_ops::searchsorted_Scalar::call(sorted_sequence, self, out_int32, right, side, sorter);
12227 return at::_ops::_convert_indices_from_coo_to_csr::call(self,
size, out_int32);
12232 return at::_ops::_convert_indices_from_coo_to_csr_out::call(self,
size, out_int32, out);
12236 return at::_ops::_convert_indices_from_coo_to_csr_out::call(self,
size, out_int32, out);
12241 return at::_ops::_convert_indices_from_csr_to_coo::call(crow_indices, col_indices, out_int32,
transpose);
12246 return at::_ops::_convert_indices_from_csr_to_coo_out::call(crow_indices, col_indices, out_int32,
transpose, out);
12250 return at::_ops::_convert_indices_from_csr_to_coo_out::call(crow_indices, col_indices, out_int32,
transpose, out);
12255 return at::_ops::mse_loss_out::call(self, target, reduction, out);
12259 return at::_ops::mse_loss_out::call(self, target, reduction, out);
12264 return at::_ops::mse_loss::call(self, target, reduction);
12269 return at::_ops::mse_loss_backward_grad_input::call(grad_output, self, target, reduction, grad_input);
12273 return at::_ops::mse_loss_backward_grad_input::call(grad_output, self, target, reduction, grad_input);
12278 return at::_ops::mse_loss_backward::call(grad_output, self, target, reduction);
12283 return at::_ops::l1_loss::call(self, target, reduction);
12288 return at::_ops::multi_margin_loss_out::call(self, target, p, margin, weight, reduction, out);
12292 return at::_ops::multi_margin_loss_out::call(self, target, p, margin, weight, reduction, out);
12297 return at::_ops::multi_margin_loss::call(self, target, p, margin, weight, reduction);
12302 return at::_ops::multi_margin_loss_backward_grad_input::call(grad_output, self, target, p, margin, weight, reduction, grad_input);
12306 return at::_ops::multi_margin_loss_backward_grad_input::call(grad_output, self, target, p, margin, weight, reduction, grad_input);
12311 return at::_ops::multi_margin_loss_backward::call(grad_output, self, target, p, margin, weight, reduction);
12316 return at::_ops::multilabel_margin_loss_out::call(self, target, reduction, out);
12320 return at::_ops::multilabel_margin_loss_out::call(self, target, reduction, out);
12325 return at::_ops::multilabel_margin_loss::call(self, target, reduction);
12330 return at::_ops::multilabel_margin_loss_forward_output::call(self, target, reduction, output, is_target);
12334 return at::_ops::multilabel_margin_loss_forward_output::call(self, target, reduction, output, is_target);
12339 return at::_ops::multilabel_margin_loss_forward::call(self, target, reduction);
12344 return at::_ops::multilabel_margin_loss_backward_grad_input::call(grad_output, self, target, reduction, is_target, grad_input);
12348 return at::_ops::multilabel_margin_loss_backward_grad_input::call(grad_output, self, target, reduction, is_target, grad_input);
12353 return at::_ops::multilabel_margin_loss_backward::call(grad_output, self, target, reduction, is_target);
12358 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12361 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12363 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12369 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12372 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12374 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12380 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12383 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12385 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12391 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12394 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12396 return at::_ops::nll_loss_out::call(self, target, weight, reduction, ignore_index, out);
12402 return at::_ops::nll_loss_nd::call(self, target, weight, reduction, ignore_index);
12405 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12407 return at::_ops::nll_loss_nd::call(self, target, weight, reduction, ignore_index);
12413 return at::_ops::nll_loss_nd::call(self, target, weight, reduction, ignore_index);
12416 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12418 return at::_ops::nll_loss_nd::call(self, target, weight, reduction, ignore_index);
12424 return at::_ops::nll_loss::call(self, target, weight, reduction, ignore_index);
12427 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12429 return at::_ops::nll_loss::call(self, target, weight, reduction, ignore_index);
12435 return at::_ops::nll_loss::call(self, target, weight, reduction, ignore_index);
12438 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12440 return at::_ops::nll_loss::call(self, target, weight, reduction, ignore_index);
12446 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12449 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12451 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12457 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12460 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12462 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12468 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12471 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12473 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12479 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12482 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12484 return at::_ops::nll_loss_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12490 return at::_ops::nll_loss_forward::call(self, target, weight, reduction, ignore_index);
12493 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12495 return at::_ops::nll_loss_forward::call(self, target, weight, reduction, ignore_index);
12501 return at::_ops::nll_loss_forward::call(self, target, weight, reduction, ignore_index);
12504 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12506 return at::_ops::nll_loss_forward::call(self, target, weight, reduction, ignore_index);
12512 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12515 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12517 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12523 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12526 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12528 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12534 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12537 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12539 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12545 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12548 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12550 return at::_ops::nll_loss_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12556 return at::_ops::nll_loss_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12559 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12561 return at::_ops::nll_loss_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12567 return at::_ops::nll_loss_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12570 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12572 return at::_ops::nll_loss_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12578 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12581 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12583 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12589 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12592 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12594 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12600 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12603 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12605 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12611 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12614 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12616 return at::_ops::nll_loss2d_out::call(self, target, weight, reduction, ignore_index, out);
12622 return at::_ops::nll_loss2d::call(self, target, weight, reduction, ignore_index);
12625 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12627 return at::_ops::nll_loss2d::call(self, target, weight, reduction, ignore_index);
12633 return at::_ops::nll_loss2d::call(self, target, weight, reduction, ignore_index);
12636 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12638 return at::_ops::nll_loss2d::call(self, target, weight, reduction, ignore_index);
12644 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12647 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12649 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12655 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12658 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12660 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12666 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12669 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12671 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12677 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12680 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12682 return at::_ops::nll_loss2d_forward_output::call(self, target, weight, reduction, ignore_index, output, total_weight);
12688 return at::_ops::nll_loss2d_forward::call(self, target, weight, reduction, ignore_index);
12691 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12693 return at::_ops::nll_loss2d_forward::call(self, target, weight, reduction, ignore_index);
12699 return at::_ops::nll_loss2d_forward::call(self, target, weight, reduction, ignore_index);
12702 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12704 return at::_ops::nll_loss2d_forward::call(self, target, weight, reduction, ignore_index);
12710 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12713 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12715 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12721 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12724 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12726 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12732 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12735 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12737 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12743 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12746 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12748 return at::_ops::nll_loss2d_backward_grad_input::call(grad_output, self, target, weight, reduction, ignore_index, total_weight, grad_input);
12754 return at::_ops::nll_loss2d_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12757 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
12759 return at::_ops::nll_loss2d_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12765 return at::_ops::nll_loss2d_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12768 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
12770 return at::_ops::nll_loss2d_backward::call(grad_output, self, target, weight, reduction, ignore_index, total_weight);
12776 return at::_ops::smooth_l1_loss_out::call(self, target, reduction, beta, out);
12780 return at::_ops::smooth_l1_loss_out::call(self, target, reduction, beta, out);
12785 return at::_ops::smooth_l1_loss::call(self, target, reduction, beta);
12790 return at::_ops::smooth_l1_loss_backward_grad_input::call(grad_output, self, target, reduction, beta, grad_input);
12794 return at::_ops::smooth_l1_loss_backward_grad_input::call(grad_output, self, target, reduction, beta, grad_input);
12799 return at::_ops::smooth_l1_loss_backward::call(grad_output, self, target, reduction, beta);
12804 return at::_ops::huber_loss_out::call(self, target, reduction, delta, out);
12808 return at::_ops::huber_loss_out::call(self, target, reduction, delta, out);
12813 return at::_ops::huber_loss::call(self, target, reduction, delta);
12818 return at::_ops::huber_loss_backward_out::call(grad_output, self, target, reduction, delta, grad_input);
12822 return at::_ops::huber_loss_backward_out::call(grad_output, self, target, reduction, delta, grad_input);
12827 return at::_ops::huber_loss_backward::call(grad_output, self, target, reduction, delta);
12832 return at::_ops::soft_margin_loss_out::call(self, target, reduction, out);
12836 return at::_ops::soft_margin_loss_out::call(self, target, reduction, out);
12841 return at::_ops::soft_margin_loss::call(self, target, reduction);
12846 return at::_ops::soft_margin_loss_backward_grad_input::call(grad_output, self, target, reduction, grad_input);
12850 return at::_ops::soft_margin_loss_backward_grad_input::call(grad_output, self, target, reduction, grad_input);
12855 return at::_ops::soft_margin_loss_backward::call(grad_output, self, target, reduction);
12860 return at::_ops::elu_out::call(self, alpha, scale, input_scale, out);
12864 return at::_ops::elu_out::call(self, alpha, scale, input_scale, out);
12868inline at::Tensor elu(
const at::Tensor & self,
const at::Scalar & alpha=1,
const at::Scalar & scale=1,
const at::Scalar & input_scale=1) {
12869 return at::_ops::elu::call(self, alpha, scale, input_scale);
12874 return at::_ops::elu_backward_grad_input::call(grad_output, alpha, scale, input_scale, is_result, self_or_result, grad_input);
12878 return at::_ops::elu_backward_grad_input::call(grad_output, alpha, scale, input_scale, is_result, self_or_result, grad_input);
12883 return at::_ops::elu_backward::call(grad_output, alpha, scale, input_scale, is_result, self_or_result);
12888 return at::_ops::elu_::call(self, alpha, scale, input_scale);
12893 return at::_ops::glu_out::call(self, dim, out);
12897 return at::_ops::glu_out::call(self, dim, out);
12902 return at::_ops::glu::call(self, dim);
12907 return at::_ops::glu_backward_grad_input::call(grad_output, self, dim, grad_input);
12911 return at::_ops::glu_backward_grad_input::call(grad_output, self, dim, grad_input);
12916 return at::_ops::glu_backward::call(grad_output, self, dim);
12921 return at::_ops::glu_jvp::call(
glu, x, dx, dim);
12926 return at::_ops::glu_backward_jvp::call(grad_x, grad_glu, x, dgrad_glu, dx, dim);
12931 return at::_ops::hardsigmoid_out::call(self, out);
12935 return at::_ops::hardsigmoid_out::call(self, out);
12940 return at::_ops::hardsigmoid::call(self);
12945 return at::_ops::hardsigmoid_::call(self);
12950 return at::_ops::hardsigmoid_backward_grad_input::call(grad_output, self, grad_input);
12954 return at::_ops::hardsigmoid_backward_grad_input::call(grad_output, self, grad_input);
12959 return at::_ops::hardsigmoid_backward::call(grad_output, self);
12964 return at::_ops::hardtanh_out::call(self, min_val, max_val, out);
12968 return at::_ops::hardtanh_out::call(self, min_val, max_val, out);
12973 return at::_ops::hardtanh::call(self, min_val, max_val);
12978 return at::_ops::hardtanh_backward_grad_input::call(grad_output, self, min_val, max_val, grad_input);
12982 return at::_ops::hardtanh_backward_grad_input::call(grad_output, self, min_val, max_val, grad_input);
12987 return at::_ops::hardtanh_backward::call(grad_output, self, min_val, max_val);
12992 return at::_ops::hardtanh_::call(self, min_val, max_val);
12997 return at::_ops::hardswish_out::call(self, out);
13001 return at::_ops::hardswish_out::call(self, out);
13006 return at::_ops::hardswish::call(self);
13011 return at::_ops::hardswish_::call(self);
13016 return at::_ops::hardswish_backward::call(grad_output, self);
13021 return at::_ops::leaky_relu_out::call(self, negative_slope, out);
13025 return at::_ops::leaky_relu_out::call(self, negative_slope, out);
13030 return at::_ops::leaky_relu::call(self, negative_slope);
13035 return at::_ops::leaky_relu_backward_grad_input::call(grad_output, self, negative_slope, self_is_result, grad_input);
13039 return at::_ops::leaky_relu_backward_grad_input::call(grad_output, self, negative_slope, self_is_result, grad_input);
13044 return at::_ops::leaky_relu_backward::call(grad_output, self, negative_slope, self_is_result);
13049 return at::_ops::leaky_relu_::call(self, negative_slope);
13054 return at::_ops::log_sigmoid_out::call(self, out);
13058 return at::_ops::log_sigmoid_out::call(self, out);
13063 return at::_ops::log_sigmoid::call(self);
13068 return at::_ops::log_sigmoid_forward_output::call(self, output, buffer);
13072 return at::_ops::log_sigmoid_forward_output::call(self, output, buffer);
13077 return at::_ops::log_sigmoid_forward::call(self);
13082 return at::_ops::log_sigmoid_backward_grad_input::call(grad_output, self, buffer, grad_input);
13086 return at::_ops::log_sigmoid_backward_grad_input::call(grad_output, self, buffer, grad_input);
13091 return at::_ops::log_sigmoid_backward::call(grad_output, self, buffer);
13096 return at::_ops::rrelu_with_noise_out::call(self, noise, lower, upper, training, generator, out);
13100 return at::_ops::rrelu_with_noise_out::call(self, noise, lower, upper, training, generator, out);
13105 return at::_ops::rrelu_with_noise::call(self, noise, lower, upper, training, generator);
13110 return at::_ops::rrelu_with_noise_backward::call(grad_output, self, noise, lower, upper, training, self_is_result);
13115 return at::_ops::rrelu_with_noise_::call(self, noise, lower, upper, training, generator);
13120 return at::_ops::softplus_out::call(self, beta,
threshold, out);
13124 return at::_ops::softplus_out::call(self, beta,
threshold, out);
13129 return at::_ops::softplus::call(self, beta,
threshold);
13134 return at::_ops::softplus_backward_grad_input::call(grad_output, self, beta,
threshold, grad_input);
13138 return at::_ops::softplus_backward_grad_input::call(grad_output, self, beta,
threshold, grad_input);
13143 return at::_ops::softplus_backward::call(grad_output, self, beta,
threshold);
13148 return at::_ops::softshrink_out::call(self, lambd, out);
13152 return at::_ops::softshrink_out::call(self, lambd, out);
13157 return at::_ops::softshrink::call(self, lambd);
13162 return at::_ops::softshrink_backward_grad_input::call(grad_output, self, lambd, grad_input);
13166 return at::_ops::softshrink_backward_grad_input::call(grad_output, self, lambd, grad_input);
13171 return at::_ops::softshrink_backward::call(grad_output, self, lambd);
13176 return at::_ops::adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13179 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13181 return at::_ops::adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13187 return at::_ops::adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13190 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13192 return at::_ops::adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13198 return at::_ops::adaptive_avg_pool2d_out::call(self, output_size, out);
13201 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13203 return at::_ops::adaptive_avg_pool2d_out::call(self, output_size, out);
13209 return at::_ops::adaptive_avg_pool2d_out::call(self, output_size, out);
13212 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13214 return at::_ops::adaptive_avg_pool2d_out::call(self, output_size, out);
13220 return at::_ops::adaptive_avg_pool2d::call(self, c10::fromIntArrayRefSlow(output_size));
13223 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13225 return at::_ops::adaptive_avg_pool2d::call(self, c10::fromIntArrayRefSlow(output_size));
13231 return at::_ops::adaptive_avg_pool2d::call(self, output_size);
13234 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13236 return at::_ops::adaptive_avg_pool2d::call(self, output_size);
13242 return at::_ops::mkldnn_adaptive_avg_pool2d::call(self, output_size);
13247 return at::_ops::mkldnn_adaptive_avg_pool2d_out::call(self, output_size, out);
13251 return at::_ops::mkldnn_adaptive_avg_pool2d_out::call(self, output_size, out);
13256 return at::_ops::mkldnn_adaptive_avg_pool2d_backward::call(grad_output, self);
13261 return at::_ops::_adaptive_avg_pool2d::call(self, c10::fromIntArrayRefSlow(output_size));
13264 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13266 return at::_ops::_adaptive_avg_pool2d::call(self, c10::fromIntArrayRefSlow(output_size));
13272 return at::_ops::_adaptive_avg_pool2d::call(self, output_size);
13275 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13277 return at::_ops::_adaptive_avg_pool2d::call(self, output_size);
13283 return at::_ops::_adaptive_avg_pool2d_backward::call(grad_output, self);
13288 return at::_ops::adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13291 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13293 return at::_ops::adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13299 return at::_ops::adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13302 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13304 return at::_ops::adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
13310 return at::_ops::adaptive_avg_pool3d_out::call(self, output_size, out);
13313 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13315 return at::_ops::adaptive_avg_pool3d_out::call(self, output_size, out);
13321 return at::_ops::adaptive_avg_pool3d_out::call(self, output_size, out);
13324 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13326 return at::_ops::adaptive_avg_pool3d_out::call(self, output_size, out);
13332 return at::_ops::adaptive_avg_pool3d::call(self, c10::fromIntArrayRefSlow(output_size));
13335 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13337 return at::_ops::adaptive_avg_pool3d::call(self, c10::fromIntArrayRefSlow(output_size));
13343 return at::_ops::adaptive_avg_pool3d::call(self, output_size);
13346 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13348 return at::_ops::adaptive_avg_pool3d::call(self, output_size);
13354 return at::_ops::_adaptive_avg_pool3d::call(self, c10::fromIntArrayRefSlow(output_size));
13357 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13359 return at::_ops::_adaptive_avg_pool3d::call(self, c10::fromIntArrayRefSlow(output_size));
13365 return at::_ops::_adaptive_avg_pool3d::call(self, output_size);
13368 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13370 return at::_ops::_adaptive_avg_pool3d::call(self, output_size);
13376 return at::_ops::adaptive_avg_pool3d_backward_grad_input::call(grad_output, self, grad_input);
13380 return at::_ops::adaptive_avg_pool3d_backward_grad_input::call(grad_output, self, grad_input);
13385 return at::_ops::_adaptive_avg_pool3d_backward::call(grad_output, self);
13390 return at::_ops::adaptive_max_pool2d_out::call(self, output_size, out, indices);
13394 return at::_ops::adaptive_max_pool2d_out::call(self, output_size, out, indices);
13399 return at::_ops::adaptive_max_pool2d::call(self, output_size);
13404 return at::_ops::adaptive_max_pool2d_backward_grad_input::call(grad_output, self, indices, grad_input);
13408 return at::_ops::adaptive_max_pool2d_backward_grad_input::call(grad_output, self, indices, grad_input);
13413 return at::_ops::adaptive_max_pool2d_backward::call(grad_output, self, indices);
13418 return at::_ops::adaptive_max_pool3d_out::call(self, output_size, out, indices);
13422 return at::_ops::adaptive_max_pool3d_out::call(self, output_size, out, indices);
13427 return at::_ops::adaptive_max_pool3d::call(self, output_size);
13432 return at::_ops::adaptive_max_pool3d_backward_grad_input::call(grad_output, self, indices, grad_input);
13436 return at::_ops::adaptive_max_pool3d_backward_grad_input::call(grad_output, self, indices, grad_input);
13441 return at::_ops::adaptive_max_pool3d_backward::call(grad_output, self, indices);
13446 return at::_ops::avg_pool2d_out::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, out);
13450 return at::_ops::avg_pool2d_out::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, out);
13455 return at::_ops::avg_pool2d::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override);
13460 return at::_ops::avg_pool2d_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, grad_input);
13464 return at::_ops::avg_pool2d_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, grad_input);
13469 return at::_ops::avg_pool2d_backward::call(grad_output, self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override);
13474 return at::_ops::avg_pool3d_out::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, out);
13478 return at::_ops::avg_pool3d_out::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, out);
13483 return at::_ops::avg_pool3d::call(self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override);
13488 return at::_ops::avg_pool3d_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, grad_input);
13492 return at::_ops::avg_pool3d_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override, grad_input);
13497 return at::_ops::avg_pool3d_backward::call(grad_output, self, kernel_size,
stride, padding, ceil_mode, count_include_pad, divisor_override);
13502 return at::_ops::fractional_max_pool2d_output::call(self, kernel_size, output_size, random_samples, output, indices);
13506 return at::_ops::fractional_max_pool2d_output::call(self, kernel_size, output_size, random_samples, output, indices);
13511 return at::_ops::fractional_max_pool2d::call(self, kernel_size, output_size, random_samples);
13516 return at::_ops::fractional_max_pool2d_backward_grad_input::call(grad_output, self, kernel_size, output_size, indices, grad_input);
13520 return at::_ops::fractional_max_pool2d_backward_grad_input::call(grad_output, self, kernel_size, output_size, indices, grad_input);
13525 return at::_ops::fractional_max_pool2d_backward::call(grad_output, self, kernel_size, output_size, indices);
13530 return at::_ops::fractional_max_pool3d_output::call(self, kernel_size, output_size, random_samples, output, indices);
13534 return at::_ops::fractional_max_pool3d_output::call(self, kernel_size, output_size, random_samples, output, indices);
13539 return at::_ops::fractional_max_pool3d::call(self, kernel_size, output_size, random_samples);
13544 return at::_ops::fractional_max_pool3d_backward_grad_input::call(grad_output, self, kernel_size, output_size, indices, grad_input);
13548 return at::_ops::fractional_max_pool3d_backward_grad_input::call(grad_output, self, kernel_size, output_size, indices, grad_input);
13553 return at::_ops::fractional_max_pool3d_backward::call(grad_output, self, kernel_size, output_size, indices);
13558 return at::_ops::max_pool2d_with_indices_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out, indices);
13562 return at::_ops::max_pool2d_with_indices_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out, indices);
13566inline ::std::tuple<at::Tensor,at::Tensor>
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) {
13567 return at::_ops::max_pool2d_with_indices::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
13572 return at::_ops::max_pool2d_with_indices_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, indices, grad_input);
13576 return at::_ops::max_pool2d_with_indices_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, indices, grad_input);
13581 return at::_ops::max_pool2d_with_indices_backward::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, indices);
13586 return at::_ops::max_pool3d_with_indices_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out, indices);
13590 return at::_ops::max_pool3d_with_indices_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out, indices);
13594inline ::std::tuple<at::Tensor,at::Tensor>
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) {
13595 return at::_ops::max_pool3d_with_indices::call(self, kernel_size,
stride, padding, dilation, ceil_mode);
13600 return at::_ops::max_pool3d_with_indices_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, indices, grad_input);
13604 return at::_ops::max_pool3d_with_indices_backward_grad_input::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, indices, grad_input);
13609 return at::_ops::max_pool3d_with_indices_backward::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, indices);
13614 return at::_ops::max_unpool2d_out::call(self, indices, output_size, out);
13618 return at::_ops::max_unpool2d_out::call(self, indices, output_size, out);
13623 return at::_ops::max_unpool2d::call(self, indices, output_size);
13628 return at::_ops::max_unpool3d_out::call(self, indices, output_size,
stride, padding, out);
13632 return at::_ops::max_unpool3d_out::call(self, indices, output_size,
stride, padding, out);
13637 return at::_ops::max_unpool3d::call(self, indices, output_size,
stride, padding);
13642 return at::_ops::reflection_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13645 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13647 return at::_ops::reflection_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13653 return at::_ops::reflection_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13656 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13658 return at::_ops::reflection_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13664 return at::_ops::reflection_pad1d_out::call(self, padding, out);
13667 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13669 return at::_ops::reflection_pad1d_out::call(self, padding, out);
13675 return at::_ops::reflection_pad1d_out::call(self, padding, out);
13678 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13680 return at::_ops::reflection_pad1d_out::call(self, padding, out);
13686 return at::_ops::reflection_pad1d::call(self, c10::fromIntArrayRefSlow(padding));
13689 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13691 return at::_ops::reflection_pad1d::call(self, c10::fromIntArrayRefSlow(padding));
13697 return at::_ops::reflection_pad1d::call(self, padding);
13700 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13702 return at::_ops::reflection_pad1d::call(self, padding);
13708 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13711 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13713 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13719 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13722 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13724 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13730 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
13733 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13735 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
13741 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
13744 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13746 return at::_ops::reflection_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
13752 return at::_ops::reflection_pad1d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
13755 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13757 return at::_ops::reflection_pad1d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
13763 return at::_ops::reflection_pad1d_backward::call(grad_output, self, padding);
13766 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13768 return at::_ops::reflection_pad1d_backward::call(grad_output, self, padding);
13774 return at::_ops::reflection_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13777 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13779 return at::_ops::reflection_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13785 return at::_ops::reflection_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13788 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13790 return at::_ops::reflection_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13796 return at::_ops::reflection_pad2d_out::call(self, padding, out);
13799 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13801 return at::_ops::reflection_pad2d_out::call(self, padding, out);
13807 return at::_ops::reflection_pad2d_out::call(self, padding, out);
13810 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13812 return at::_ops::reflection_pad2d_out::call(self, padding, out);
13818 return at::_ops::reflection_pad2d::call(self, c10::fromIntArrayRefSlow(padding));
13821 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13823 return at::_ops::reflection_pad2d::call(self, c10::fromIntArrayRefSlow(padding));
13829 return at::_ops::reflection_pad2d::call(self, padding);
13832 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13834 return at::_ops::reflection_pad2d::call(self, padding);
13840 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13843 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13845 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13851 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13854 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13856 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13862 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
13865 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13867 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
13873 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
13876 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13878 return at::_ops::reflection_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
13884 return at::_ops::reflection_pad2d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
13887 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13889 return at::_ops::reflection_pad2d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
13895 return at::_ops::reflection_pad2d_backward::call(grad_output, self, padding);
13898 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13900 return at::_ops::reflection_pad2d_backward::call(grad_output, self, padding);
13906 return at::_ops::reflection_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13909 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13911 return at::_ops::reflection_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13917 return at::_ops::reflection_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13920 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13922 return at::_ops::reflection_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
13928 return at::_ops::reflection_pad3d_out::call(self, padding, out);
13931 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13933 return at::_ops::reflection_pad3d_out::call(self, padding, out);
13939 return at::_ops::reflection_pad3d_out::call(self, padding, out);
13942 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13944 return at::_ops::reflection_pad3d_out::call(self, padding, out);
13950 return at::_ops::reflection_pad3d::call(self, c10::fromIntArrayRefSlow(padding));
13953 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13955 return at::_ops::reflection_pad3d::call(self, c10::fromIntArrayRefSlow(padding));
13961 return at::_ops::reflection_pad3d::call(self, padding);
13964 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13966 return at::_ops::reflection_pad3d::call(self, padding);
13972 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13975 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13977 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13983 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13986 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
13988 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
13994 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
13997 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
13999 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14005 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14008 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14010 return at::_ops::reflection_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14016 return at::_ops::reflection_pad3d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14019 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14021 return at::_ops::reflection_pad3d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14027 return at::_ops::reflection_pad3d_backward::call(grad_output, self, padding);
14030 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14032 return at::_ops::reflection_pad3d_backward::call(grad_output, self, padding);
14038 return at::_ops::replication_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14041 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14043 return at::_ops::replication_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14049 return at::_ops::replication_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14052 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14054 return at::_ops::replication_pad1d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14060 return at::_ops::replication_pad1d_out::call(self, padding, out);
14063 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14065 return at::_ops::replication_pad1d_out::call(self, padding, out);
14071 return at::_ops::replication_pad1d_out::call(self, padding, out);
14074 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14076 return at::_ops::replication_pad1d_out::call(self, padding, out);
14082 return at::_ops::replication_pad1d::call(self, c10::fromIntArrayRefSlow(padding));
14085 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14087 return at::_ops::replication_pad1d::call(self, c10::fromIntArrayRefSlow(padding));
14093 return at::_ops::replication_pad1d::call(self, padding);
14096 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14098 return at::_ops::replication_pad1d::call(self, padding);
14104 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14107 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14109 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14115 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14118 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14120 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14126 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
14129 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14131 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
14137 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
14140 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14142 return at::_ops::replication_pad1d_backward_grad_input::call(grad_output, self, padding, grad_input);
14148 return at::_ops::replication_pad1d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14151 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14153 return at::_ops::replication_pad1d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14159 return at::_ops::replication_pad1d_backward::call(grad_output, self, padding);
14162 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14164 return at::_ops::replication_pad1d_backward::call(grad_output, self, padding);
14170 return at::_ops::replication_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14173 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14175 return at::_ops::replication_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14181 return at::_ops::replication_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14184 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14186 return at::_ops::replication_pad2d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14192 return at::_ops::replication_pad2d_out::call(self, padding, out);
14195 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14197 return at::_ops::replication_pad2d_out::call(self, padding, out);
14203 return at::_ops::replication_pad2d_out::call(self, padding, out);
14206 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14208 return at::_ops::replication_pad2d_out::call(self, padding, out);
14214 return at::_ops::replication_pad2d::call(self, c10::fromIntArrayRefSlow(padding));
14217 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14219 return at::_ops::replication_pad2d::call(self, c10::fromIntArrayRefSlow(padding));
14225 return at::_ops::replication_pad2d::call(self, padding);
14228 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14230 return at::_ops::replication_pad2d::call(self, padding);
14236 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14239 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14241 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14247 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14250 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14252 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14258 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
14261 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14263 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
14269 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
14272 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14274 return at::_ops::replication_pad2d_backward_grad_input::call(grad_output, self, padding, grad_input);
14280 return at::_ops::replication_pad2d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14283 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14285 return at::_ops::replication_pad2d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14291 return at::_ops::replication_pad2d_backward::call(grad_output, self, padding);
14294 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14296 return at::_ops::replication_pad2d_backward::call(grad_output, self, padding);
14302 return at::_ops::replication_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14305 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14307 return at::_ops::replication_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14313 return at::_ops::replication_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14316 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14318 return at::_ops::replication_pad3d_out::call(self, c10::fromIntArrayRefSlow(padding), out);
14324 return at::_ops::replication_pad3d_out::call(self, padding, out);
14327 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14329 return at::_ops::replication_pad3d_out::call(self, padding, out);
14335 return at::_ops::replication_pad3d_out::call(self, padding, out);
14338 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14340 return at::_ops::replication_pad3d_out::call(self, padding, out);
14346 return at::_ops::replication_pad3d::call(self, c10::fromIntArrayRefSlow(padding));
14349 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14351 return at::_ops::replication_pad3d::call(self, c10::fromIntArrayRefSlow(padding));
14357 return at::_ops::replication_pad3d::call(self, padding);
14360 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14362 return at::_ops::replication_pad3d::call(self, padding);
14368 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14371 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14373 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14379 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14382 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14384 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, c10::fromIntArrayRefSlow(padding), grad_input);
14390 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14393 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14395 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14401 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14404 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14406 return at::_ops::replication_pad3d_backward_grad_input::call(grad_output, self, padding, grad_input);
14412 return at::_ops::replication_pad3d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14415 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14417 return at::_ops::replication_pad3d_backward::call(grad_output, self, c10::fromIntArrayRefSlow(padding));
14423 return at::_ops::replication_pad3d_backward::call(grad_output, self, padding);
14426 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14428 return at::_ops::replication_pad3d_backward::call(grad_output, self, padding);
14434 return at::_ops::_pad_circular::call(self, c10::fromIntArrayRefSlow(
pad));
14437 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14439 return at::_ops::_pad_circular::call(self, c10::fromIntArrayRefSlow(
pad));
14445 return at::_ops::_pad_circular::call(self,
pad);
14448 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14450 return at::_ops::_pad_circular::call(self,
pad);
14456 return at::_ops::_pad_enum::call(self, c10::fromIntArrayRefSlow(
pad),
mode, value);
14459 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14461 return at::_ops::_pad_enum::call(self, c10::fromIntArrayRefSlow(
pad),
mode, value);
14467 return at::_ops::_pad_enum::call(self,
pad,
mode, value);
14470 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14472 return at::_ops::_pad_enum::call(self,
pad,
mode, value);
14478 return at::_ops::pad::call(self, c10::fromIntArrayRefSlow(
pad),
mode, value);
14481 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14483 return at::_ops::pad::call(self, c10::fromIntArrayRefSlow(
pad),
mode, value);
14489 return at::_ops::pad::call(self,
pad,
mode, value);
14492 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14494 return at::_ops::pad::call(self,
pad,
mode, value);
14500 return at::_ops::upsample_linear1d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14503 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14505 return at::_ops::upsample_linear1d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14511 return at::_ops::upsample_linear1d_vec::call(input, output_size, align_corners, scale_factors);
14514 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14516 return at::_ops::upsample_linear1d_vec::call(input, output_size, align_corners, scale_factors);
14522 return at::_ops::upsample_bilinear2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14525 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14527 return at::_ops::upsample_bilinear2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14533 return at::_ops::upsample_bilinear2d_vec::call(input, output_size, align_corners, scale_factors);
14536 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14538 return at::_ops::upsample_bilinear2d_vec::call(input, output_size, align_corners, scale_factors);
14544 return at::_ops::_upsample_bilinear2d_aa_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14547 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14549 return at::_ops::_upsample_bilinear2d_aa_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14555 return at::_ops::_upsample_bilinear2d_aa_vec::call(input, output_size, align_corners, scale_factors);
14558 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14560 return at::_ops::_upsample_bilinear2d_aa_vec::call(input, output_size, align_corners, scale_factors);
14566 return at::_ops::upsample_trilinear3d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14569 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14571 return at::_ops::upsample_trilinear3d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14577 return at::_ops::upsample_trilinear3d_vec::call(input, output_size, align_corners, scale_factors);
14580 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14582 return at::_ops::upsample_trilinear3d_vec::call(input, output_size, align_corners, scale_factors);
14588 return at::_ops::upsample_bicubic2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14591 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14593 return at::_ops::upsample_bicubic2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14599 return at::_ops::upsample_bicubic2d_vec::call(input, output_size, align_corners, scale_factors);
14602 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14604 return at::_ops::upsample_bicubic2d_vec::call(input, output_size, align_corners, scale_factors);
14610 return at::_ops::_upsample_bicubic2d_aa_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14613 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14615 return at::_ops::_upsample_bicubic2d_aa_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, align_corners, scale_factors);
14621 return at::_ops::_upsample_bicubic2d_aa_vec::call(input, output_size, align_corners, scale_factors);
14624 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14626 return at::_ops::_upsample_bicubic2d_aa_vec::call(input, output_size, align_corners, scale_factors);
14632 return at::_ops::upsample_nearest1d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14635 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14637 return at::_ops::upsample_nearest1d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14643 return at::_ops::upsample_nearest1d_vec::call(input, output_size, scale_factors);
14646 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14648 return at::_ops::upsample_nearest1d_vec::call(input, output_size, scale_factors);
14654 return at::_ops::_upsample_nearest_exact1d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14657 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14659 return at::_ops::_upsample_nearest_exact1d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14665 return at::_ops::_upsample_nearest_exact1d_vec::call(input, output_size, scale_factors);
14668 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14670 return at::_ops::_upsample_nearest_exact1d_vec::call(input, output_size, scale_factors);
14676 return at::_ops::upsample_nearest2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14679 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14681 return at::_ops::upsample_nearest2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14687 return at::_ops::upsample_nearest2d_vec::call(input, output_size, scale_factors);
14690 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14692 return at::_ops::upsample_nearest2d_vec::call(input, output_size, scale_factors);
14698 return at::_ops::_upsample_nearest_exact2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14701 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14703 return at::_ops::_upsample_nearest_exact2d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14709 return at::_ops::_upsample_nearest_exact2d_vec::call(input, output_size, scale_factors);
14712 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14714 return at::_ops::_upsample_nearest_exact2d_vec::call(input, output_size, scale_factors);
14720 return at::_ops::upsample_nearest3d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14723 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14725 return at::_ops::upsample_nearest3d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14731 return at::_ops::upsample_nearest3d_vec::call(input, output_size, scale_factors);
14734 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14736 return at::_ops::upsample_nearest3d_vec::call(input, output_size, scale_factors);
14742 return at::_ops::_upsample_nearest_exact3d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14745 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14747 return at::_ops::_upsample_nearest_exact3d_vec::call(input, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, scale_factors);
14753 return at::_ops::_upsample_nearest_exact3d_vec::call(input, output_size, scale_factors);
14756 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14758 return at::_ops::_upsample_nearest_exact3d_vec::call(input, output_size, scale_factors);
14764 return at::_ops::upsample_linear1d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales, out);
14767 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14769 return at::_ops::upsample_linear1d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales, out);
14775 return at::_ops::upsample_linear1d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales, out);
14778 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14780 return at::_ops::upsample_linear1d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales, out);
14786 return at::_ops::upsample_linear1d_out::call(self, output_size, align_corners, scales, out);
14789 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14791 return at::_ops::upsample_linear1d_out::call(self, output_size, align_corners, scales, out);
14797 return at::_ops::upsample_linear1d_out::call(self, output_size, align_corners, scales, out);
14800 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14802 return at::_ops::upsample_linear1d_out::call(self, output_size, align_corners, scales, out);
14808 return at::_ops::upsample_linear1d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales);
14811 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14813 return at::_ops::upsample_linear1d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales);
14819 return at::_ops::upsample_linear1d::call(self, output_size, align_corners, scales);
14822 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14824 return at::_ops::upsample_linear1d::call(self, output_size, align_corners, scales);
14830 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales, grad_input);
14833 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14835 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales, grad_input);
14841 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales, grad_input);
14844 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14846 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales, grad_input);
14852 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales, grad_input);
14855 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14857 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales, grad_input);
14863 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales, grad_input);
14866 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14868 return at::_ops::upsample_linear1d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales, grad_input);
14874 return at::_ops::upsample_linear1d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales);
14877 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14879 return at::_ops::upsample_linear1d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales);
14885 return at::_ops::upsample_linear1d_backward::call(grad_output, output_size, input_size, align_corners, scales);
14888 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14890 return at::_ops::upsample_linear1d_backward::call(grad_output, output_size, input_size, align_corners, scales);
14896 return at::_ops::upsample_bilinear2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
14899 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14901 return at::_ops::upsample_bilinear2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
14907 return at::_ops::upsample_bilinear2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
14910 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14912 return at::_ops::upsample_bilinear2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
14918 return at::_ops::upsample_bilinear2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
14921 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14923 return at::_ops::upsample_bilinear2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
14929 return at::_ops::upsample_bilinear2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
14932 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14934 return at::_ops::upsample_bilinear2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
14940 return at::_ops::upsample_bilinear2d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
14943 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14945 return at::_ops::upsample_bilinear2d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
14951 return at::_ops::upsample_bilinear2d::call(self, output_size, align_corners, scales_h, scales_w);
14954 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14956 return at::_ops::upsample_bilinear2d::call(self, output_size, align_corners, scales_h, scales_w);
14962 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
14965 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14967 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
14973 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
14976 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
14978 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
14984 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
14987 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
14989 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
14995 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
14998 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15000 return at::_ops::upsample_bilinear2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15006 return at::_ops::upsample_bilinear2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15009 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15011 return at::_ops::upsample_bilinear2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15017 return at::_ops::upsample_bilinear2d_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15020 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15022 return at::_ops::upsample_bilinear2d_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15028 return at::_ops::_upsample_bilinear2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15031 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15033 return at::_ops::_upsample_bilinear2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15039 return at::_ops::_upsample_bilinear2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15042 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15044 return at::_ops::_upsample_bilinear2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15050 return at::_ops::_upsample_bilinear2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15053 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15055 return at::_ops::_upsample_bilinear2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15061 return at::_ops::_upsample_bilinear2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15064 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15066 return at::_ops::_upsample_bilinear2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15072 return at::_ops::_upsample_bilinear2d_aa::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
15075 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15077 return at::_ops::_upsample_bilinear2d_aa::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
15083 return at::_ops::_upsample_bilinear2d_aa::call(self, output_size, align_corners, scales_h, scales_w);
15086 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15088 return at::_ops::_upsample_bilinear2d_aa::call(self, output_size, align_corners, scales_h, scales_w);
15094 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15097 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15099 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15105 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15108 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15110 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15116 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15119 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15121 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15127 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15130 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15132 return at::_ops::_upsample_bilinear2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15138 return at::_ops::_upsample_bilinear2d_aa_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15141 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15143 return at::_ops::_upsample_bilinear2d_aa_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15149 return at::_ops::_upsample_bilinear2d_aa_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15152 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15154 return at::_ops::_upsample_bilinear2d_aa_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15160 return at::_ops::upsample_bicubic2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15163 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15165 return at::_ops::upsample_bicubic2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15171 return at::_ops::upsample_bicubic2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15174 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15176 return at::_ops::upsample_bicubic2d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15182 return at::_ops::upsample_bicubic2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15185 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15187 return at::_ops::upsample_bicubic2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15193 return at::_ops::upsample_bicubic2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15196 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15198 return at::_ops::upsample_bicubic2d_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15204 return at::_ops::upsample_bicubic2d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
15207 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15209 return at::_ops::upsample_bicubic2d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
15215 return at::_ops::upsample_bicubic2d::call(self, output_size, align_corners, scales_h, scales_w);
15218 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15220 return at::_ops::upsample_bicubic2d::call(self, output_size, align_corners, scales_h, scales_w);
15226 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15229 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15231 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15237 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15240 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15242 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15248 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15251 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15253 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15259 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15262 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15264 return at::_ops::upsample_bicubic2d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15270 return at::_ops::upsample_bicubic2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15273 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15275 return at::_ops::upsample_bicubic2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15281 return at::_ops::upsample_bicubic2d_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15284 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15286 return at::_ops::upsample_bicubic2d_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15292 return at::_ops::_upsample_bicubic2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15295 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15297 return at::_ops::_upsample_bicubic2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15303 return at::_ops::_upsample_bicubic2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15306 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15308 return at::_ops::_upsample_bicubic2d_aa_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w, out);
15314 return at::_ops::_upsample_bicubic2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15317 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15319 return at::_ops::_upsample_bicubic2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15325 return at::_ops::_upsample_bicubic2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15328 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15330 return at::_ops::_upsample_bicubic2d_aa_out::call(self, output_size, align_corners, scales_h, scales_w, out);
15336 return at::_ops::_upsample_bicubic2d_aa::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
15339 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15341 return at::_ops::_upsample_bicubic2d_aa::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_h, scales_w);
15347 return at::_ops::_upsample_bicubic2d_aa::call(self, output_size, align_corners, scales_h, scales_w);
15350 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15352 return at::_ops::_upsample_bicubic2d_aa::call(self, output_size, align_corners, scales_h, scales_w);
15358 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15361 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15363 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15369 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15372 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15374 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w, grad_input);
15380 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15383 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15385 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15391 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15394 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15396 return at::_ops::_upsample_bicubic2d_aa_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w, grad_input);
15402 return at::_ops::_upsample_bicubic2d_aa_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15405 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15407 return at::_ops::_upsample_bicubic2d_aa_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_h, scales_w);
15413 return at::_ops::_upsample_bicubic2d_aa_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15416 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15418 return at::_ops::_upsample_bicubic2d_aa_backward::call(grad_output, output_size, input_size, align_corners, scales_h, scales_w);
15424 return at::_ops::upsample_trilinear3d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_d, scales_h, scales_w, out);
15427 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15429 return at::_ops::upsample_trilinear3d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_d, scales_h, scales_w, out);
15435 return at::_ops::upsample_trilinear3d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_d, scales_h, scales_w, out);
15438 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15440 return at::_ops::upsample_trilinear3d_out::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_d, scales_h, scales_w, out);
15446 return at::_ops::upsample_trilinear3d_out::call(self, output_size, align_corners, scales_d, scales_h, scales_w, out);
15449 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15451 return at::_ops::upsample_trilinear3d_out::call(self, output_size, align_corners, scales_d, scales_h, scales_w, out);
15457 return at::_ops::upsample_trilinear3d_out::call(self, output_size, align_corners, scales_d, scales_h, scales_w, out);
15460 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15462 return at::_ops::upsample_trilinear3d_out::call(self, output_size, align_corners, scales_d, scales_h, scales_w, out);
15468 return at::_ops::upsample_trilinear3d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_d, scales_h, scales_w);
15471 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15473 return at::_ops::upsample_trilinear3d::call(self, c10::fromIntArrayRefSlow(output_size), align_corners, scales_d, scales_h, scales_w);
15479 return at::_ops::upsample_trilinear3d::call(self, output_size, align_corners, scales_d, scales_h, scales_w);
15482 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15484 return at::_ops::upsample_trilinear3d::call(self, output_size, align_corners, scales_d, scales_h, scales_w);
15490 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_d, scales_h, scales_w, grad_input);
15493 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15495 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_d, scales_h, scales_w, grad_input);
15501 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_d, scales_h, scales_w, grad_input);
15504 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15506 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_d, scales_h, scales_w, grad_input);
15512 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w, grad_input);
15515 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15517 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w, grad_input);
15523 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w, grad_input);
15526 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15528 return at::_ops::upsample_trilinear3d_backward_grad_input::call(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w, grad_input);
15534 return at::_ops::upsample_trilinear3d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_d, scales_h, scales_w);
15537 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15539 return at::_ops::upsample_trilinear3d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), align_corners, scales_d, scales_h, scales_w);
15545 return at::_ops::upsample_trilinear3d_backward::call(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w);
15548 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15550 return at::_ops::upsample_trilinear3d_backward::call(grad_output, output_size, input_size, align_corners, scales_d, scales_h, scales_w);
15556 return at::_ops::upsample_nearest1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15559 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15561 return at::_ops::upsample_nearest1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15567 return at::_ops::upsample_nearest1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15570 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15572 return at::_ops::upsample_nearest1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15578 return at::_ops::upsample_nearest1d_out::call(self, output_size, scales, out);
15581 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15583 return at::_ops::upsample_nearest1d_out::call(self, output_size, scales, out);
15589 return at::_ops::upsample_nearest1d_out::call(self, output_size, scales, out);
15592 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15594 return at::_ops::upsample_nearest1d_out::call(self, output_size, scales, out);
15600 return at::_ops::_upsample_nearest_exact1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15603 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15605 return at::_ops::_upsample_nearest_exact1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15611 return at::_ops::_upsample_nearest_exact1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15614 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15616 return at::_ops::_upsample_nearest_exact1d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales, out);
15622 return at::_ops::_upsample_nearest_exact1d_out::call(self, output_size, scales, out);
15625 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15627 return at::_ops::_upsample_nearest_exact1d_out::call(self, output_size, scales, out);
15633 return at::_ops::_upsample_nearest_exact1d_out::call(self, output_size, scales, out);
15636 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15638 return at::_ops::_upsample_nearest_exact1d_out::call(self, output_size, scales, out);
15644 return at::_ops::upsample_nearest1d::call(self, c10::fromIntArrayRefSlow(output_size), scales);
15647 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15649 return at::_ops::upsample_nearest1d::call(self, c10::fromIntArrayRefSlow(output_size), scales);
15655 return at::_ops::upsample_nearest1d::call(self, output_size, scales);
15658 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15660 return at::_ops::upsample_nearest1d::call(self, output_size, scales);
15666 return at::_ops::_upsample_nearest_exact1d::call(self, c10::fromIntArrayRefSlow(output_size), scales);
15669 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15671 return at::_ops::_upsample_nearest_exact1d::call(self, c10::fromIntArrayRefSlow(output_size), scales);
15677 return at::_ops::_upsample_nearest_exact1d::call(self, output_size, scales);
15680 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15682 return at::_ops::_upsample_nearest_exact1d::call(self, output_size, scales);
15688 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15691 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15693 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15699 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15702 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15704 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15710 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15713 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15715 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15721 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15724 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15726 return at::_ops::upsample_nearest1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15732 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15735 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15737 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15743 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15746 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15748 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales, grad_input);
15754 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15757 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15759 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15765 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15768 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15770 return at::_ops::_upsample_nearest_exact1d_backward_grad_input::call(grad_output, output_size, input_size, scales, grad_input);
15776 return at::_ops::upsample_nearest1d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales);
15779 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15781 return at::_ops::upsample_nearest1d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales);
15787 return at::_ops::upsample_nearest1d_backward::call(grad_output, output_size, input_size, scales);
15790 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15792 return at::_ops::upsample_nearest1d_backward::call(grad_output, output_size, input_size, scales);
15798 return at::_ops::_upsample_nearest_exact1d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales);
15801 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15803 return at::_ops::_upsample_nearest_exact1d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales);
15809 return at::_ops::_upsample_nearest_exact1d_backward::call(grad_output, output_size, input_size, scales);
15812 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15814 return at::_ops::_upsample_nearest_exact1d_backward::call(grad_output, output_size, input_size, scales);
15820 return at::_ops::upsample_nearest2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15823 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15825 return at::_ops::upsample_nearest2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15831 return at::_ops::upsample_nearest2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15834 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15836 return at::_ops::upsample_nearest2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15842 return at::_ops::upsample_nearest2d_out::call(self, output_size, scales_h, scales_w, out);
15845 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15847 return at::_ops::upsample_nearest2d_out::call(self, output_size, scales_h, scales_w, out);
15853 return at::_ops::upsample_nearest2d_out::call(self, output_size, scales_h, scales_w, out);
15856 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15858 return at::_ops::upsample_nearest2d_out::call(self, output_size, scales_h, scales_w, out);
15864 return at::_ops::_upsample_nearest_exact2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15867 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15869 return at::_ops::_upsample_nearest_exact2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15875 return at::_ops::_upsample_nearest_exact2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15878 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15880 return at::_ops::_upsample_nearest_exact2d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w, out);
15886 return at::_ops::_upsample_nearest_exact2d_out::call(self, output_size, scales_h, scales_w, out);
15889 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15891 return at::_ops::_upsample_nearest_exact2d_out::call(self, output_size, scales_h, scales_w, out);
15897 return at::_ops::_upsample_nearest_exact2d_out::call(self, output_size, scales_h, scales_w, out);
15900 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15902 return at::_ops::_upsample_nearest_exact2d_out::call(self, output_size, scales_h, scales_w, out);
15908 return at::_ops::upsample_nearest2d::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w);
15911 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15913 return at::_ops::upsample_nearest2d::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w);
15919 return at::_ops::upsample_nearest2d::call(self, output_size, scales_h, scales_w);
15922 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15924 return at::_ops::upsample_nearest2d::call(self, output_size, scales_h, scales_w);
15930 return at::_ops::_upsample_nearest_exact2d::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w);
15933 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15935 return at::_ops::_upsample_nearest_exact2d::call(self, c10::fromIntArrayRefSlow(output_size), scales_h, scales_w);
15941 return at::_ops::_upsample_nearest_exact2d::call(self, output_size, scales_h, scales_w);
15944 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15946 return at::_ops::_upsample_nearest_exact2d::call(self, output_size, scales_h, scales_w);
15952 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
15955 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15957 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
15963 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
15966 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
15968 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
15974 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
15977 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15979 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
15985 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
15988 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
15990 return at::_ops::upsample_nearest2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
15996 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
15999 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16001 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
16007 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
16010 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16012 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w, grad_input);
16018 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
16021 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16023 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
16029 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
16032 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16034 return at::_ops::_upsample_nearest_exact2d_backward_grad_input::call(grad_output, output_size, input_size, scales_h, scales_w, grad_input);
16040 return at::_ops::upsample_nearest2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w);
16043 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16045 return at::_ops::upsample_nearest2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w);
16051 return at::_ops::upsample_nearest2d_backward::call(grad_output, output_size, input_size, scales_h, scales_w);
16054 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16056 return at::_ops::upsample_nearest2d_backward::call(grad_output, output_size, input_size, scales_h, scales_w);
16062 return at::_ops::_upsample_nearest_exact2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w);
16065 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16067 return at::_ops::_upsample_nearest_exact2d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_h, scales_w);
16073 return at::_ops::_upsample_nearest_exact2d_backward::call(grad_output, output_size, input_size, scales_h, scales_w);
16076 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16078 return at::_ops::_upsample_nearest_exact2d_backward::call(grad_output, output_size, input_size, scales_h, scales_w);
16084 return at::_ops::upsample_nearest3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16087 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16089 return at::_ops::upsample_nearest3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16095 return at::_ops::upsample_nearest3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16098 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16100 return at::_ops::upsample_nearest3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16106 return at::_ops::upsample_nearest3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16109 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16111 return at::_ops::upsample_nearest3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16117 return at::_ops::upsample_nearest3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16120 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16122 return at::_ops::upsample_nearest3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16128 return at::_ops::_upsample_nearest_exact3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16131 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16133 return at::_ops::_upsample_nearest_exact3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16139 return at::_ops::_upsample_nearest_exact3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16142 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16144 return at::_ops::_upsample_nearest_exact3d_out::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w, out);
16150 return at::_ops::_upsample_nearest_exact3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16153 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16155 return at::_ops::_upsample_nearest_exact3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16161 return at::_ops::_upsample_nearest_exact3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16164 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16166 return at::_ops::_upsample_nearest_exact3d_out::call(self, output_size, scales_d, scales_h, scales_w, out);
16172 return at::_ops::upsample_nearest3d::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w);
16175 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16177 return at::_ops::upsample_nearest3d::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w);
16183 return at::_ops::upsample_nearest3d::call(self, output_size, scales_d, scales_h, scales_w);
16186 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16188 return at::_ops::upsample_nearest3d::call(self, output_size, scales_d, scales_h, scales_w);
16194 return at::_ops::_upsample_nearest_exact3d::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w);
16197 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16199 return at::_ops::_upsample_nearest_exact3d::call(self, c10::fromIntArrayRefSlow(output_size), scales_d, scales_h, scales_w);
16205 return at::_ops::_upsample_nearest_exact3d::call(self, output_size, scales_d, scales_h, scales_w);
16208 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16210 return at::_ops::_upsample_nearest_exact3d::call(self, output_size, scales_d, scales_h, scales_w);
16216 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16219 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16221 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16227 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16230 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16232 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16238 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16241 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16243 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16249 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16252 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16254 return at::_ops::upsample_nearest3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16260 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16263 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16265 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16271 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16274 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16276 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w, grad_input);
16282 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16285 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16287 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16293 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16296 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16298 return at::_ops::_upsample_nearest_exact3d_backward_grad_input::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w, grad_input);
16304 return at::_ops::upsample_nearest3d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w);
16307 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16309 return at::_ops::upsample_nearest3d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w);
16315 return at::_ops::upsample_nearest3d_backward::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w);
16318 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16320 return at::_ops::upsample_nearest3d_backward::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w);
16326 return at::_ops::_upsample_nearest_exact3d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w);
16329 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16331 return at::_ops::_upsample_nearest_exact3d_backward::call(grad_output, c10::fromIntArrayRefSlow(output_size), c10::fromIntArrayRefSlow(input_size), scales_d, scales_h, scales_w);
16337 return at::_ops::_upsample_nearest_exact3d_backward::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w);
16340 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16342 return at::_ops::_upsample_nearest_exact3d_backward::call(grad_output, output_size, input_size, scales_d, scales_h, scales_w);
16348 return at::_ops::sigmoid_backward_grad_input::call(grad_output, output, grad_input);
16352 return at::_ops::sigmoid_backward_grad_input::call(grad_output, output, grad_input);
16357 return at::_ops::sigmoid_backward::call(grad_output, output);
16362 return at::_ops::logit_backward_grad_input::call(grad_output, self, eps, grad_input);
16366 return at::_ops::logit_backward_grad_input::call(grad_output, self, eps, grad_input);
16371 return at::_ops::logit_backward::call(grad_output, self, eps);
16376 return at::_ops::tanh_backward_grad_input::call(grad_output, output, grad_input);
16380 return at::_ops::tanh_backward_grad_input::call(grad_output, output, grad_input);
16385 return at::_ops::tanh_backward::call(grad_output, output);
16390 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16393 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16395 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16401 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16404 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16406 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16412 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16415 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16417 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16423 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16426 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16428 return at::_ops::slow_conv_transpose2d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16434 return at::_ops::slow_conv_transpose2d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation);
16437 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16439 return at::_ops::slow_conv_transpose2d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation);
16445 return at::_ops::slow_conv_transpose2d::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation);
16448 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16450 return at::_ops::slow_conv_transpose2d::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation);
16456 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16459 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16461 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16467 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16470 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16472 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation, out);
16478 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16481 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16483 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16489 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16492 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16494 return at::_ops::slow_conv_transpose3d_out::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation, out);
16500 return at::_ops::slow_conv_transpose3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation);
16503 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16505 return at::_ops::slow_conv_transpose3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding), dilation);
16511 return at::_ops::slow_conv_transpose3d::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation);
16514 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16516 return at::_ops::slow_conv_transpose3d::call(self, weight, kernel_size, bias,
stride, padding, output_padding, dilation);
16522 return at::_ops::thnn_conv2d_out::call(self, weight, kernel_size, bias,
stride, padding, out);
16526 return at::_ops::thnn_conv2d_out::call(self, weight, kernel_size, bias,
stride, padding, out);
16531 return at::_ops::thnn_conv2d::call(self, weight, kernel_size, bias,
stride, padding);
16536 return at::_ops::_slow_conv2d_forward_output::call(self, weight, kernel_size, bias,
stride, padding, output);
16540 return at::_ops::_slow_conv2d_forward_output::call(self, weight, kernel_size, bias,
stride, padding, output);
16545 return at::_ops::_slow_conv2d_forward::call(self, weight, kernel_size, bias,
stride, padding);
16549inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
16550 return at::_ops::_slow_conv2d_backward_grad_input::call(grad_output, self, weight, kernel_size,
stride, padding, grad_input, grad_weight, grad_bias);
16553inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
16554 return at::_ops::_slow_conv2d_backward_grad_input::call(grad_output, self, weight, kernel_size,
stride, padding, grad_input, grad_weight, grad_bias);
16559 return at::_ops::_slow_conv2d_backward_output_mask::call(grad_output, self, weight, kernel_size,
stride, padding, output_mask);
16564 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
16567 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16569 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
16575 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
16578 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16580 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
16586 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
16589 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16591 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
16597 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
16600 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16602 return at::_ops::_conv_depthwise2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
16608 return at::_ops::_conv_depthwise2d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16611 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16613 return at::_ops::_conv_depthwise2d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16619 return at::_ops::_conv_depthwise2d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16622 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16624 return at::_ops::_conv_depthwise2d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16630 return at::_ops::conv_depthwise3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16633 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16635 return at::_ops::conv_depthwise3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16641 return at::_ops::conv_depthwise3d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16644 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16646 return at::_ops::conv_depthwise3d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16652 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), out);
16655 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16657 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), out);
16663 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), out);
16666 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16668 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), out);
16674 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, padding, out);
16677 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16679 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, padding, out);
16685 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, padding, out);
16688 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16690 return at::_ops::slow_conv3d_out::call(self, weight, kernel_size, bias,
stride, padding, out);
16696 return at::_ops::slow_conv3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding));
16699 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16701 return at::_ops::slow_conv3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding));
16707 return at::_ops::slow_conv3d::call(self, weight, kernel_size, bias,
stride, padding);
16710 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16712 return at::_ops::slow_conv3d::call(self, weight, kernel_size, bias,
stride, padding);
16718 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), output);
16721 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16723 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), output);
16729 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), output);
16732 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16734 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), output);
16740 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, padding, output);
16743 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16745 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, padding, output);
16751 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, padding, output);
16754 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16756 return at::_ops::slow_conv3d_forward_output::call(self, weight, kernel_size, bias,
stride, padding, output);
16762 return at::_ops::slow_conv3d_forward::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding));
16765 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16767 return at::_ops::slow_conv3d_forward::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding));
16773 return at::_ops::slow_conv3d_forward::call(self, weight, kernel_size, bias,
stride, padding);
16776 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16778 return at::_ops::slow_conv3d_forward::call(self, weight, kernel_size, bias,
stride, padding);
16784 return at::_ops::slow_conv_dilated2d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16787 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16789 return at::_ops::slow_conv_dilated2d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16795 return at::_ops::slow_conv_dilated2d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16798 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16800 return at::_ops::slow_conv_dilated2d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16806 return at::_ops::slow_conv_dilated3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16809 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16811 return at::_ops::slow_conv_dilated3d::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation);
16817 return at::_ops::slow_conv_dilated3d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16820 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16822 return at::_ops::slow_conv_dilated3d::call(self, weight, kernel_size, bias,
stride, padding, dilation);
16828 return at::_ops::col2im_out::call(self, c10::fromIntArrayRefSlow(output_size), kernel_size, dilation, padding,
stride, out);
16831 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16833 return at::_ops::col2im_out::call(self, c10::fromIntArrayRefSlow(output_size), kernel_size, dilation, padding,
stride, out);
16839 return at::_ops::col2im_out::call(self, c10::fromIntArrayRefSlow(output_size), kernel_size, dilation, padding,
stride, out);
16842 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16844 return at::_ops::col2im_out::call(self, c10::fromIntArrayRefSlow(output_size), kernel_size, dilation, padding,
stride, out);
16850 return at::_ops::col2im_out::call(self, output_size, kernel_size, dilation, padding,
stride, out);
16853 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16855 return at::_ops::col2im_out::call(self, output_size, kernel_size, dilation, padding,
stride, out);
16861 return at::_ops::col2im_out::call(self, output_size, kernel_size, dilation, padding,
stride, out);
16864 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16866 return at::_ops::col2im_out::call(self, output_size, kernel_size, dilation, padding,
stride, out);
16871inline at::Tensor col2im(
const at::Tensor & self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef
stride) {
16872 return at::_ops::col2im::call(self, c10::fromIntArrayRefSlow(output_size), kernel_size, dilation, padding,
stride);
16875 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
16877 return at::_ops::col2im::call(self, c10::fromIntArrayRefSlow(output_size), kernel_size, dilation, padding,
stride);
16883 return at::_ops::col2im::call(self, output_size, kernel_size, dilation, padding,
stride);
16886 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
16887 at::Tensor col2im(
const at::Tensor & self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef
stride) {
16888 return at::_ops::col2im::call(self, output_size, kernel_size, dilation, padding,
stride);
16894 return at::_ops::column_stack::call(tensors);
16899 return at::_ops::column_stack_out::call(tensors, out);
16903 return at::_ops::column_stack_out::call(tensors, out);
16908 return at::_ops::im2col_out::call(self, kernel_size, dilation, padding,
stride, out);
16912 return at::_ops::im2col_out::call(self, kernel_size, dilation, padding,
stride, out);
16917 return at::_ops::im2col::call(self, kernel_size, dilation, padding,
stride);
16922 return at::_ops::isfinite::call(self);
16927 return at::_ops::isinf::call(self);
16932 return at::_ops::isposinf::call(self);
16937 return at::_ops::isposinf_out::call(self, out);
16941 return at::_ops::isposinf_out::call(self, out);
16946 return at::_ops::isneginf::call(self);
16951 return at::_ops::isneginf_out::call(self, out);
16955 return at::_ops::isneginf_out::call(self, out);
16960 return at::_ops::_add_batch_dim::call(self, batch_dim, level);
16965 return at::_ops::_remove_batch_dim::call(self, level, batch_size, out_dim);
16970 return at::_ops::special_entr::call(self);
16975 return at::_ops::special_entr_out::call(self, out);
16979 return at::_ops::special_entr_out::call(self, out);
16984 return at::_ops::special_ndtri::call(self);
16989 return at::_ops::special_ndtri_out::call(self, out);
16993 return at::_ops::special_ndtri_out::call(self, out);
16998 return at::_ops::special_log_ndtr::call(self);
17003 return at::_ops::special_log_ndtr_out::call(self, out);
17007 return at::_ops::special_log_ndtr_out::call(self, out);
17012 return at::_ops::special_expm1::call(self);
17017 return at::_ops::special_expm1_out::call(self, out);
17021 return at::_ops::special_expm1_out::call(self, out);
17026 return at::_ops::special_exp2::call(self);
17031 return at::_ops::special_exp2_out::call(self, out);
17035 return at::_ops::special_exp2_out::call(self, out);
17040 return at::_ops::special_psi::call(self);
17045 return at::_ops::special_psi_out::call(self, out);
17049 return at::_ops::special_psi_out::call(self, out);
17054 return at::_ops::special_digamma::call(self);
17059 return at::_ops::special_digamma_out::call(self, out);
17063 return at::_ops::special_digamma_out::call(self, out);
17068 return at::_ops::special_gammaln::call(self);
17073 return at::_ops::special_gammaln_out::call(self, out);
17077 return at::_ops::special_gammaln_out::call(self, out);
17082 return at::_ops::special_erf::call(self);
17087 return at::_ops::special_erf_out::call(self, out);
17091 return at::_ops::special_erf_out::call(self, out);
17096 return at::_ops::special_erfc::call(self);
17101 return at::_ops::special_erfc_out::call(self, out);
17105 return at::_ops::special_erfc_out::call(self, out);
17110 return at::_ops::special_erfcx::call(self);
17115 return at::_ops::special_erfcx_out::call(self, out);
17119 return at::_ops::special_erfcx_out::call(self, out);
17124 return at::_ops::special_erfinv::call(self);
17129 return at::_ops::special_erfinv_out::call(self, out);
17133 return at::_ops::special_erfinv_out::call(self, out);
17138 return at::_ops::special_ndtr::call(self);
17143 return at::_ops::special_ndtr_out::call(self, out);
17147 return at::_ops::special_ndtr_out::call(self, out);
17152 return at::_ops::special_xlog1py::call(self, other);
17157 return at::_ops::special_xlog1py_self_scalar::call(self, other);
17162 return at::_ops::special_xlog1py_other_scalar::call(self, other);
17167 return at::_ops::special_xlog1py_out::call(self, other, out);
17171 return at::_ops::special_xlog1py_out::call(self, other, out);
17176 return at::_ops::special_xlog1py_self_scalar_out::call(self, other, out);
17180 return at::_ops::special_xlog1py_self_scalar_out::call(self, other, out);
17185 return at::_ops::special_xlog1py_other_scalar_out::call(self, other, out);
17189 return at::_ops::special_xlog1py_other_scalar_out::call(self, other, out);
17194 return at::_ops::special_xlogy::call(self, other);
17199 return at::_ops::special_xlogy_self_scalar::call(self, other);
17204 return at::_ops::special_xlogy_other_scalar::call(self, other);
17209 return at::_ops::special_xlogy_out::call(self, other, out);
17213 return at::_ops::special_xlogy_out::call(self, other, out);
17218 return at::_ops::special_xlogy_self_scalar_out::call(self, other, out);
17222 return at::_ops::special_xlogy_self_scalar_out::call(self, other, out);
17227 return at::_ops::special_xlogy_other_scalar_out::call(self, other, out);
17231 return at::_ops::special_xlogy_other_scalar_out::call(self, other, out);
17236 return at::_ops::special_zeta::call(self, other);
17241 return at::_ops::special_zeta_self_scalar::call(self, other);
17246 return at::_ops::special_zeta_other_scalar::call(self, other);
17251 return at::_ops::special_zeta_out::call(self, other, out);
17255 return at::_ops::special_zeta_out::call(self, other, out);
17260 return at::_ops::special_zeta_self_scalar_out::call(self, other, out);
17264 return at::_ops::special_zeta_self_scalar_out::call(self, other, out);
17269 return at::_ops::special_zeta_other_scalar_out::call(self, other, out);
17273 return at::_ops::special_zeta_other_scalar_out::call(self, other, out);
17278 return at::_ops::special_i0::call(self);
17283 return at::_ops::special_i0_out::call(self, out);
17287 return at::_ops::special_i0_out::call(self, out);
17292 return at::_ops::special_i0e::call(self);
17297 return at::_ops::special_i0e_out::call(self, out);
17301 return at::_ops::special_i0e_out::call(self, out);
17306 return at::_ops::special_i1::call(self);
17311 return at::_ops::special_i1_out::call(self, out);
17315 return at::_ops::special_i1_out::call(self, out);
17320 return at::_ops::special_i1e::call(self);
17325 return at::_ops::special_i1e_out::call(self, out);
17329 return at::_ops::special_i1e_out::call(self, out);
17334 return at::_ops::special_logit::call(self, eps);
17339 return at::_ops::special_logit_out::call(self, eps, out);
17343 return at::_ops::special_logit_out::call(self, eps, out);
17348 return at::_ops::special_polygamma::call(n, self);
17353 return at::_ops::special_polygamma_out::call(n, self, out);
17357 return at::_ops::special_polygamma_out::call(n, self, out);
17362 return at::_ops::special_logsumexp::call(self, dim, keepdim);
17367 return at::_ops::special_logsumexp_out::call(self, dim, keepdim, out);
17371 return at::_ops::special_logsumexp_out::call(self, dim, keepdim, out);
17376 return at::_ops::special_expit::call(self);
17381 return at::_ops::special_expit_out::call(self, out);
17385 return at::_ops::special_expit_out::call(self, out);
17390 return at::_ops::special_sinc::call(self);
17395 return at::_ops::special_sinc_out::call(self, out);
17399 return at::_ops::special_sinc_out::call(self, out);
17404 return at::_ops::special_round::call(self, decimals);
17409 return at::_ops::special_round_out::call(self, decimals, out);
17413 return at::_ops::special_round_out::call(self, decimals, out);
17418 return at::_ops::special_log1p::call(self);
17423 return at::_ops::special_log1p_out::call(self, out);
17427 return at::_ops::special_log1p_out::call(self, out);
17432 return at::_ops::special_log_softmax::call(self, dim, dtype);
17437 return at::_ops::special_gammainc_out::call(self, other, out);
17441 return at::_ops::special_gammainc_out::call(self, other, out);
17446 return at::_ops::special_gammainc::call(self, other);
17451 return at::_ops::special_gammaincc_out::call(self, other, out);
17455 return at::_ops::special_gammaincc_out::call(self, other, out);
17460 return at::_ops::special_gammaincc::call(self, other);
17465 return at::_ops::special_multigammaln::call(self, p);
17470 return at::_ops::special_multigammaln_out::call(self, p, out);
17474 return at::_ops::special_multigammaln_out::call(self, p, out);
17479 return at::_ops::special_softmax::call(self, dim, dtype);
17484 return at::_ops::fft_fft::call(self, n, dim,
norm);
17489 return at::_ops::fft_fft_out::call(self, n, dim,
norm, out);
17493 return at::_ops::fft_fft_out::call(self, n, dim,
norm, out);
17498 return at::_ops::fft_ifft::call(self, n, dim,
norm);
17503 return at::_ops::fft_ifft_out::call(self, n, dim,
norm, out);
17507 return at::_ops::fft_ifft_out::call(self, n, dim,
norm, out);
17512 return at::_ops::fft_rfft::call(self, n, dim,
norm);
17517 return at::_ops::fft_rfft_out::call(self, n, dim,
norm, out);
17521 return at::_ops::fft_rfft_out::call(self, n, dim,
norm, out);
17526 return at::_ops::fft_irfft::call(self, n, dim,
norm);
17531 return at::_ops::fft_irfft_out::call(self, n, dim,
norm, out);
17535 return at::_ops::fft_irfft_out::call(self, n, dim,
norm, out);
17540 return at::_ops::fft_hfft::call(self, n, dim,
norm);
17545 return at::_ops::fft_hfft_out::call(self, n, dim,
norm, out);
17549 return at::_ops::fft_hfft_out::call(self, n, dim,
norm, out);
17554 return at::_ops::fft_ihfft::call(self, n, dim,
norm);
17559 return at::_ops::fft_ihfft_out::call(self, n, dim,
norm, out);
17563 return at::_ops::fft_ihfft_out::call(self, n, dim,
norm, out);
17568 return at::_ops::fft_fft2::call(self, s, dim,
norm);
17573 return at::_ops::fft_fft2_out::call(self, s, dim,
norm, out);
17577 return at::_ops::fft_fft2_out::call(self, s, dim,
norm, out);
17582 return at::_ops::fft_ifft2::call(self, s, dim,
norm);
17587 return at::_ops::fft_ifft2_out::call(self, s, dim,
norm, out);
17591 return at::_ops::fft_ifft2_out::call(self, s, dim,
norm, out);
17596 return at::_ops::fft_rfft2::call(self, s, dim,
norm);
17601 return at::_ops::fft_rfft2_out::call(self, s, dim,
norm, out);
17605 return at::_ops::fft_rfft2_out::call(self, s, dim,
norm, out);
17610 return at::_ops::fft_irfft2::call(self, s, dim,
norm);
17615 return at::_ops::fft_irfft2_out::call(self, s, dim,
norm, out);
17619 return at::_ops::fft_irfft2_out::call(self, s, dim,
norm, out);
17624 return at::_ops::fft_hfft2::call(self, s, dim,
norm);
17629 return at::_ops::fft_hfft2_out::call(self, s, dim,
norm, out);
17633 return at::_ops::fft_hfft2_out::call(self, s, dim,
norm, out);
17638 return at::_ops::fft_ihfft2::call(self, s, dim,
norm);
17643 return at::_ops::fft_ihfft2_out::call(self, s, dim,
norm, out);
17647 return at::_ops::fft_ihfft2_out::call(self, s, dim,
norm, out);
17652 return at::_ops::fft_fftn::call(self, s, dim,
norm);
17657 return at::_ops::fft_fftn_out::call(self, s, dim,
norm, out);
17661 return at::_ops::fft_fftn_out::call(self, s, dim,
norm, out);
17666 return at::_ops::fft_ifftn::call(self, s, dim,
norm);
17671 return at::_ops::fft_ifftn_out::call(self, s, dim,
norm, out);
17675 return at::_ops::fft_ifftn_out::call(self, s, dim,
norm, out);
17680 return at::_ops::fft_rfftn::call(self, s, dim,
norm);
17685 return at::_ops::fft_rfftn_out::call(self, s, dim,
norm, out);
17689 return at::_ops::fft_rfftn_out::call(self, s, dim,
norm, out);
17694 return at::_ops::fft_irfftn::call(self, s, dim,
norm);
17699 return at::_ops::fft_irfftn_out::call(self, s, dim,
norm, out);
17703 return at::_ops::fft_irfftn_out::call(self, s, dim,
norm, out);
17708 return at::_ops::fft_hfftn::call(self, s, dim,
norm);
17713 return at::_ops::fft_hfftn_out::call(self, s, dim,
norm, out);
17717 return at::_ops::fft_hfftn_out::call(self, s, dim,
norm, out);
17722 return at::_ops::fft_ihfftn::call(self, s, dim,
norm);
17727 return at::_ops::fft_ihfftn_out::call(self, s, dim,
norm, out);
17731 return at::_ops::fft_ihfftn_out::call(self, s, dim,
norm, out);
17736 return at::_ops::fft_fftfreq::call(n, d, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
17740 return at::_ops::fft_fftfreq::call(n, d, dtype, layout, device, pin_memory);
17745 return at::_ops::fft_fftfreq_out::call(n, d, out);
17749 return at::_ops::fft_fftfreq_out::call(n, d, out);
17754 return at::_ops::fft_rfftfreq::call(n, d, optTypeMetaToScalarType(options.dtype_opt()), options.layout_opt(), options.device_opt(), options.pinned_memory_opt());
17758 return at::_ops::fft_rfftfreq::call(n, d, dtype, layout, device, pin_memory);
17763 return at::_ops::fft_rfftfreq_out::call(n, d, out);
17767 return at::_ops::fft_rfftfreq_out::call(n, d, out);
17772 return at::_ops::fft_fftshift::call(self, dim);
17777 return at::_ops::fft_ifftshift::call(self, dim);
17782 return at::_ops::linalg_cholesky_ex::call(self, upper, check_errors);
17787 return at::_ops::linalg_cholesky_ex_L::call(self, upper, check_errors, L, info);
17791 return at::_ops::linalg_cholesky_ex_L::call(self, upper, check_errors, L, info);
17796 return at::_ops::linalg_cholesky::call(self, upper);
17801 return at::_ops::linalg_cholesky_out::call(self, upper, out);
17805 return at::_ops::linalg_cholesky_out::call(self, upper, out);
17810 return at::_ops::linalg_cross::call(self, other, dim);
17815 return at::_ops::linalg_cross_out::call(self, other, dim, out);
17819 return at::_ops::linalg_cross_out::call(self, other, dim, out);
17824 return at::_ops::linalg_lu_factor::call(A, pivot);
17829 return at::_ops::linalg_lu_factor_out::call(A, pivot, LU, pivots);
17833 return at::_ops::linalg_lu_factor_out::call(A, pivot, LU, pivots);
17838 return at::_ops::linalg_lu_factor_ex::call(A, pivot, check_errors);
17843 return at::_ops::linalg_lu_factor_ex_out::call(A, pivot, check_errors, LU, pivots, info);
17847 return at::_ops::linalg_lu_factor_ex_out::call(A, pivot, check_errors, LU, pivots, info);
17852 return at::_ops::linalg_lu::call(A, pivot);
17857 return at::_ops::linalg_lu_out::call(A, pivot, P, L, U);
17861 return at::_ops::linalg_lu_out::call(A, pivot, P, L, U);
17866 return at::_ops::linalg_lu_solve::call(LU, pivots, B, left,
adjoint);
17871 return at::_ops::linalg_lu_solve_out::call(LU, pivots, B, left,
adjoint, out);
17875 return at::_ops::linalg_lu_solve_out::call(LU, pivots, B, left,
adjoint, out);
17880 return at::_ops::_linalg_det::call(A);
17885 return at::_ops::_linalg_det_result::call(A, result, LU, pivots);
17889 return at::_ops::_linalg_det_result::call(A, result, LU, pivots);
17894 return at::_ops::linalg_det::call(A);
17899 return at::_ops::linalg_det_out::call(A, out);
17903 return at::_ops::linalg_det_out::call(A, out);
17908 return at::_ops::det::call(self);
17913 return at::_ops::linalg_ldl_factor_ex::call(self, hermitian, check_errors);
17918 return at::_ops::linalg_ldl_factor_ex_out::call(self, hermitian, check_errors, LD, pivots, info);
17922 return at::_ops::linalg_ldl_factor_ex_out::call(self, hermitian, check_errors, LD, pivots, info);
17927 return at::_ops::linalg_ldl_factor::call(self, hermitian);
17932 return at::_ops::linalg_ldl_factor_out::call(self, hermitian, LD, pivots);
17936 return at::_ops::linalg_ldl_factor_out::call(self, hermitian, LD, pivots);
17941 return at::_ops::linalg_ldl_solve::call(LD, pivots, B, hermitian);
17946 return at::_ops::linalg_ldl_solve_out::call(LD, pivots, B, hermitian, out);
17950 return at::_ops::linalg_ldl_solve_out::call(LD, pivots, B, hermitian, out);
17955 return at::_ops::linalg_lstsq::call(self, b, rcond, driver);
17959inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
17960 return at::_ops::linalg_lstsq_out::call(self, b, rcond, driver, solution, residuals, rank, singular_values);
17963inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
17964 return at::_ops::linalg_lstsq_out::call(self, b, rcond, driver, solution, residuals, rank, singular_values);
17969 return at::_ops::linalg_matmul::call(self, other);
17974 return at::_ops::linalg_matmul_out::call(self, other, out);
17978 return at::_ops::linalg_matmul_out::call(self, other, out);
17983 return at::_ops::linalg_vecdot::call(x, y, dim);
17988 return at::_ops::linalg_vecdot_out::call(x, y, dim, out);
17992 return at::_ops::linalg_vecdot_out::call(x, y, dim, out);
17997 return at::_ops::linalg_matrix_exp::call(self);
18002 return at::_ops::_linalg_slogdet::call(A);
18007 return at::_ops::_linalg_slogdet_sign::call(A,
sign, logabsdet, LU, pivots);
18011 return at::_ops::_linalg_slogdet_sign::call(A,
sign, logabsdet, LU, pivots);
18016 return at::_ops::linalg_slogdet::call(A);
18021 return at::_ops::linalg_slogdet_out::call(A,
sign, logabsdet);
18025 return at::_ops::linalg_slogdet_out::call(A,
sign, logabsdet);
18030 return at::_ops::slogdet::call(self);
18035 return at::_ops::slogdet_out::call(self,
sign, logabsdet);
18039 return at::_ops::slogdet_out::call(self,
sign, logabsdet);
18044 return at::_ops::logdet::call(self);
18049 return at::_ops::linalg_eig::call(self);
18054 return at::_ops::linalg_eig_out::call(self, eigenvalues, eigenvectors);
18058 return at::_ops::linalg_eig_out::call(self, eigenvalues, eigenvectors);
18063 return at::_ops::linalg_eigvals::call(self);
18068 return at::_ops::linalg_eigvals_out::call(self, out);
18072 return at::_ops::linalg_eigvals_out::call(self, out);
18077 return at::_ops::_linalg_eigh::call(A, UPLO, compute_v);
18082 return at::_ops::_linalg_eigh_eigenvalues::call(A, UPLO, compute_v, eigenvalues, eigenvectors);
18086 return at::_ops::_linalg_eigh_eigenvalues::call(A, UPLO, compute_v, eigenvalues, eigenvectors);
18091 return at::_ops::linalg_eigh::call(self, UPLO);
18096 return at::_ops::linalg_eigh_eigvals::call(self, UPLO, eigvals, eigvecs);
18100 return at::_ops::linalg_eigh_eigvals::call(self, UPLO, eigvals, eigvecs);
18105 return at::_ops::linalg_eigvalsh::call(self, UPLO);
18110 return at::_ops::linalg_eigvalsh_out::call(self, UPLO, out);
18114 return at::_ops::linalg_eigvalsh_out::call(self, UPLO, out);
18119 return at::_ops::linalg_householder_product::call(input, tau);
18124 return at::_ops::linalg_householder_product_out::call(input, tau, out);
18128 return at::_ops::linalg_householder_product_out::call(input, tau, out);
18133 return at::_ops::linalg_inv_ex::call(A, check_errors);
18138 return at::_ops::linalg_inv_ex_inverse::call(A, check_errors,
inverse, info);
18142 return at::_ops::linalg_inv_ex_inverse::call(A, check_errors,
inverse, info);
18147 return at::_ops::linalg_inv::call(A);
18152 return at::_ops::linalg_inv_out::call(A, out);
18156 return at::_ops::linalg_inv_out::call(A, out);
18161 return at::_ops::inverse::call(self);
18166 return at::_ops::inverse_out::call(self, out);
18170 return at::_ops::inverse_out::call(self, out);
18175 return at::_ops::inner::call(self, other);
18180 return at::_ops::inner_out::call(self, other, out);
18184 return at::_ops::inner_out::call(self, other, out);
18189 return at::_ops::outer::call(self, vec2);
18194 return at::_ops::outer_out::call(self, vec2, out);
18198 return at::_ops::outer_out::call(self, vec2, out);
18203 return at::_ops::ger::call(self, vec2);
18208 return at::_ops::ger_out::call(self, vec2, out);
18212 return at::_ops::ger_out::call(self, vec2, out);
18217 return at::_ops::linalg_norm::call(self, ord, dim, keepdim, dtype);
18222 return at::_ops::linalg_norm_ord_str::call(self, ord, dim, keepdim, dtype);
18227 return at::_ops::linalg_norm_out::call(self, ord, dim, keepdim, dtype, out);
18231 return at::_ops::linalg_norm_out::call(self, ord, dim, keepdim, dtype, out);
18236 return at::_ops::linalg_norm_ord_str_out::call(self, ord, dim, keepdim, dtype, out);
18240 return at::_ops::linalg_norm_ord_str_out::call(self, ord, dim, keepdim, dtype, out);
18245 return at::_ops::linalg_vector_norm::call(self, ord, dim, keepdim, dtype);
18250 return at::_ops::linalg_vector_norm_out::call(self, ord, dim, keepdim, dtype, out);
18254 return at::_ops::linalg_vector_norm_out::call(self, ord, dim, keepdim, dtype, out);
18259 return at::_ops::linalg_matrix_norm::call(self, ord, dim, keepdim, dtype);
18264 return at::_ops::linalg_matrix_norm_out::call(self, ord, dim, keepdim, dtype, out);
18268 return at::_ops::linalg_matrix_norm_out::call(self, ord, dim, keepdim, dtype, out);
18273 return at::_ops::linalg_matrix_norm_str_ord::call(self, ord, dim, keepdim, dtype);
18278 return at::_ops::linalg_matrix_norm_str_ord_out::call(self, ord, dim, keepdim, dtype, out);
18282 return at::_ops::linalg_matrix_norm_str_ord_out::call(self, ord, dim, keepdim, dtype, out);
18287 return at::_ops::_linalg_svd::call(A, full_matrices, compute_uv, driver);
18292 return at::_ops::_linalg_svd_U::call(A, full_matrices, compute_uv, driver, U, S, Vh);
18296 return at::_ops::_linalg_svd_U::call(A, full_matrices, compute_uv, driver, U, S, Vh);
18301 return at::_ops::linalg_svd::call(A, full_matrices, driver);
18306 return at::_ops::linalg_svd_U::call(A, full_matrices, driver, U, S, Vh);
18310 return at::_ops::linalg_svd_U::call(A, full_matrices, driver, U, S, Vh);
18315 return at::_ops::linalg_svdvals::call(A, driver);
18320 return at::_ops::linalg_svdvals_out::call(A, driver, out);
18324 return at::_ops::linalg_svdvals_out::call(A, driver, out);
18329 return at::_ops::linalg_cond::call(self, p);
18334 return at::_ops::linalg_cond_out::call(self, p, out);
18338 return at::_ops::linalg_cond_out::call(self, p, out);
18343 return at::_ops::linalg_cond_p_str::call(self, p);
18348 return at::_ops::linalg_cond_p_str_out::call(self, p, out);
18352 return at::_ops::linalg_cond_p_str_out::call(self, p, out);
18357 return at::_ops::linalg_pinv_atol_rtol_tensor::call(self, atol, rtol, hermitian);
18362 return at::_ops::linalg_pinv_atol_rtol_tensor_out::call(self, atol, rtol, hermitian, out);
18366 return at::_ops::linalg_pinv_atol_rtol_tensor_out::call(self, atol, rtol, hermitian, out);
18371 return at::_ops::linalg_pinv_atol_rtol_float::call(self, atol, rtol, hermitian);
18376 return at::_ops::linalg_pinv_atol_rtol_float_out::call(self, atol, rtol, hermitian, out);
18380 return at::_ops::linalg_pinv_atol_rtol_float_out::call(self, atol, rtol, hermitian, out);
18385 return at::_ops::linalg_pinv::call(self, rcond, hermitian);
18390 return at::_ops::linalg_pinv_rcond_tensor::call(self, rcond, hermitian);
18395 return at::_ops::linalg_pinv_out::call(self, rcond, hermitian, out);
18399 return at::_ops::linalg_pinv_out::call(self, rcond, hermitian, out);
18404 return at::_ops::linalg_pinv_out_rcond_tensor::call(self, rcond, hermitian, out);
18408 return at::_ops::linalg_pinv_out_rcond_tensor::call(self, rcond, hermitian, out);
18413 return at::_ops::_linalg_solve_ex::call(A, B, left, check_errors);
18417inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
18418 return at::_ops::_linalg_solve_ex_result::call(A, B, left, check_errors, result, LU, pivots, info);
18421inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
18422 return at::_ops::_linalg_solve_ex_result::call(A, B, left, check_errors, result, LU, pivots, info);
18427 return at::_ops::linalg_solve_ex::call(A, B, left, check_errors);
18432 return at::_ops::linalg_solve_ex_out::call(A, B, left, check_errors, result, info);
18436 return at::_ops::linalg_solve_ex_out::call(A, B, left, check_errors, result, info);
18441 return at::_ops::linalg_solve::call(A, B, left);
18446 return at::_ops::linalg_solve_out::call(A, B, left, out);
18450 return at::_ops::linalg_solve_out::call(A, B, left, out);
18455 return at::_ops::linalg_tensorinv::call(self, ind);
18460 return at::_ops::linalg_tensorinv_out::call(self, ind, out);
18464 return at::_ops::linalg_tensorinv_out::call(self, ind, out);
18469 return at::_ops::linalg_tensorsolve::call(self, other, dims);
18474 return at::_ops::linalg_tensorsolve_out::call(self, other, dims, out);
18478 return at::_ops::linalg_tensorsolve_out::call(self, other, dims, out);
18483 return at::_ops::linalg_qr::call(A,
mode);
18488 return at::_ops::linalg_qr_out::call(A,
mode, Q, R);
18492 return at::_ops::linalg_qr_out::call(A,
mode, Q, R);
18497 return at::_ops::linalg_matrix_power::call(self, n);
18502 return at::_ops::linalg_matrix_power_out::call(self, n, out);
18506 return at::_ops::linalg_matrix_power_out::call(self, n, out);
18511 return at::_ops::linalg_matrix_rank_atol_rtol_tensor::call(input, atol, rtol, hermitian);
18516 return at::_ops::linalg_matrix_rank_atol_rtol_tensor_out::call(input, atol, rtol, hermitian, out);
18520 return at::_ops::linalg_matrix_rank_atol_rtol_tensor_out::call(input, atol, rtol, hermitian, out);
18525 return at::_ops::linalg_matrix_rank_atol_rtol_float::call(self, atol, rtol, hermitian);
18530 return at::_ops::linalg_matrix_rank_atol_rtol_float_out::call(self, atol, rtol, hermitian, out);
18534 return at::_ops::linalg_matrix_rank_atol_rtol_float_out::call(self, atol, rtol, hermitian, out);
18539 return at::_ops::linalg_matrix_rank::call(self, tol, hermitian);
18544 return at::_ops::linalg_matrix_rank_out::call(self, tol, hermitian, out);
18548 return at::_ops::linalg_matrix_rank_out::call(self, tol, hermitian, out);
18553 return at::_ops::linalg_matrix_rank_tol_tensor::call(input, tol, hermitian);
18558 return at::_ops::linalg_matrix_rank_out_tol_tensor::call(input, tol, hermitian, out);
18562 return at::_ops::linalg_matrix_rank_out_tol_tensor::call(input, tol, hermitian, out);
18567 return at::_ops::linalg_multi_dot::call(tensors);
18572 return at::_ops::linalg_multi_dot_out::call(tensors, out);
18576 return at::_ops::linalg_multi_dot_out::call(tensors, out);
18581 return at::_ops::nested_to_padded_tensor::call(self, padding, output_size);
18586 return at::_ops::_test_serialization_subcmul::call(self, other, alpha);
18591 return at::_ops::_test_optional_intlist::call(values, addends);
18596 return at::_ops::_test_optional_filled_intlist::call(values, addends);
18601 return at::_ops::_test_optional_floatlist::call(values, addends);
18606 return at::_ops::_test_string_default::call(dummy, a, b);
18611 return at::_ops::_test_ambiguous_defaults_a::call(dummy, a, b);
18616 return at::_ops::_test_ambiguous_defaults_b::call(dummy, a, b);
18621 return at::_ops::_test_warn_in_autograd::call(self);
18626 return at::_ops::_test_autograd_multiple_dispatch_fullcoverage::call(self);
18631 return at::_ops::_test_autograd_multiple_dispatch_ntonly::call(self, b);
18636 return at::_ops::_test_autograd_multiple_dispatch_view::call(self);
18641 return at::_ops::_test_autograd_multiple_dispatch_view_copy::call(self);
18646 return at::_ops::segment_reduce::call(data, reduce, lengths, indices, offsets, axis, unsafe, initial);
18651 return at::_ops::_segment_reduce_backward::call(grad, output, data, reduce, lengths, offsets, axis, initial);
18656 return at::_ops::pad_sequence::call(sequences, batch_first, padding_value);
18661 return at::_ops::flatten_dense_tensors::call(tensors);
18666 return at::_ops::unflatten_dense_tensors::call(flat, tensors);
18671 return at::_ops::_nested_tensor_from_tensor_list::call(list, dtype, layout, device, pin_memory);
18676 return at::_ops::_fw_primal_copy::call(self, level);
18681 return at::_ops::_make_dual_copy::call(primal, tangent, level);
18686 return at::_ops::view_as_real_copy::call(self);
18691 return at::_ops::view_as_complex_copy::call(self);
18696 return at::_ops::_conj_copy::call(self);
18701 return at::_ops::_neg_view_copy::call(self);
18706 return at::_ops::as_strided_copy::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
18709 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18711 return at::_ops::as_strided_copy::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt);
18717 return at::_ops::as_strided_copy::call(self,
size,
stride, storage_offset);
18720 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18722 return at::_ops::as_strided_copy::call(self,
size,
stride, storage_offset);
18728 return at::_ops::_sparse_broadcast_to_copy::call(self,
size);
18733 return at::_ops::diagonal_copy::call(self, offset, dim1, dim2);
18738 return at::_ops::expand_copy::call(self, c10::fromIntArrayRefSlow(
size), implicit);
18741 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18743 return at::_ops::expand_copy::call(self, c10::fromIntArrayRefSlow(
size), implicit);
18749 return at::_ops::expand_copy::call(self,
size, implicit);
18752 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18754 return at::_ops::expand_copy::call(self,
size, implicit);
18760 return at::_ops::permute_copy::call(self, dims);
18765 return at::_ops::_reshape_alias_copy::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
18768 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18770 return at::_ops::_reshape_alias_copy::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
18776 return at::_ops::_reshape_alias_copy::call(self,
size,
stride);
18779 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18781 return at::_ops::_reshape_alias_copy::call(self,
size,
stride);
18787 return at::_ops::select_copy_int::call(self, dim,
index);
18790 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18792 return at::_ops::select_copy_int::call(self, dim,
index);
18798 return at::_ops::select_copy_int::call(self, dim,
index);
18801 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18803 return at::_ops::select_copy_int::call(self, dim,
index);
18809 return at::_ops::detach_copy::call(self);
18817 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18825 return at::_ops::slice_copy_Tensor::call(self, dim, start, end, step);
18828 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18830 return at::_ops::slice_copy_Tensor::call(self, dim, start, end, step);
18836 return at::_ops::split_copy_Tensor::call(self, split_size, dim);
18839 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18841 return at::_ops::split_copy_Tensor::call(self, split_size, dim);
18847 return at::_ops::split_copy_Tensor::call(self, split_size, dim);
18850 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18852 return at::_ops::split_copy_Tensor::call(self, split_size, dim);
18858 return at::_ops::split_with_sizes_copy::call(self, c10::fromIntArrayRefSlow(split_sizes), dim);
18861 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18863 return at::_ops::split_with_sizes_copy::call(self, c10::fromIntArrayRefSlow(split_sizes), dim);
18869 return at::_ops::split_with_sizes_copy::call(self, split_sizes, dim);
18872 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18874 return at::_ops::split_with_sizes_copy::call(self, split_sizes, dim);
18880 return at::_ops::squeeze_copy::call(self);
18885 return at::_ops::squeeze_copy_dim::call(self, dim);
18890 return at::_ops::squeeze_copy_dims::call(self, dim);
18895 return at::_ops::t_copy::call(self);
18900 return at::_ops::transpose_copy_int::call(self, dim0, dim1);
18905 return at::_ops::unsqueeze_copy::call(self, dim);
18910 return at::_ops::_indices_copy::call(self);
18915 return at::_ops::_values_copy::call(self);
18920 return at::_ops::indices_copy::call(self);
18925 return at::_ops::values_copy::call(self);
18930 return at::_ops::crow_indices_copy::call(self);
18935 return at::_ops::col_indices_copy::call(self);
18940 return at::_ops::ccol_indices_copy::call(self);
18945 return at::_ops::row_indices_copy::call(self);
18950 return at::_ops::unbind_copy_int::call(self, dim);
18955 return at::_ops::unbind_copy_int_out::call(self, dim, out);
18959 return at::_ops::unbind_copy_int_out::call(self, dim, out);
18964 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
18967 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18969 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
18975 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
18978 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
18980 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
18986 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
18989 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
18991 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
18997 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
19000 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19002 return at::_ops::split_copy_Tensor_out::call(self, split_size, dim, out);
19008 return at::_ops::split_with_sizes_copy_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
19011 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19013 return at::_ops::split_with_sizes_copy_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
19019 return at::_ops::split_with_sizes_copy_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
19022 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19024 return at::_ops::split_with_sizes_copy_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
19030 return at::_ops::split_with_sizes_copy_out::call(self, split_sizes, dim, out);
19033 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19035 return at::_ops::split_with_sizes_copy_out::call(self, split_sizes, dim, out);
19041 return at::_ops::split_with_sizes_copy_out::call(self, split_sizes, dim, out);
19044 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19046 return at::_ops::split_with_sizes_copy_out::call(self, split_sizes, dim, out);
19052 return at::_ops::view_copy::call(self, c10::fromIntArrayRefSlow(
size));
19055 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19057 return at::_ops::view_copy::call(self, c10::fromIntArrayRefSlow(
size));
19063 return at::_ops::view_copy::call(self,
size);
19066 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19068 return at::_ops::view_copy::call(self,
size);
19074 return at::_ops::view_copy_dtype::call(self, dtype);
19079 return at::_ops::unfold_copy::call(self, dimension,
size, step);
19084 return at::_ops::alias_copy::call(self);
19088 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19090 return at::_ops::to_padded_tensor::call(self, padding, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt);
19095 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19097 return at::_ops::to_padded_tensor::call(self, padding, output_size);
19103 return at::_ops::_nested_tensor_softmax_with_shape::call(self, query);
19107inline at::Tensor _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) {
19108 return at::_ops::_transformer_encoder_layer_fwd::call(src, embed_dim, num_heads, qkv_weight, qkv_bias, proj_weight, proj_bias, use_gelu, norm_first, eps, norm_weight_1, norm_bias_1, norm_weight_2, norm_bias_2, ffn_weight_1, ffn_bias_1, ffn_weight_2, ffn_bias_2, mask, mask_type);
19112inline ::std::tuple<at::Tensor,at::Tensor>
_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) {
19113 return at::_ops::_native_multi_head_attention::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, need_weights, average_attn_weights, mask_type);
19118 return at::_ops::scaled_dot_product_attention::call(query, key, value, attn_mask, dropout_p, is_causal);
19123 return at::_ops::_scaled_dot_product_attention::call(query, key, value, attn_mask, dropout_p, need_attn_weights, is_causal);
19128 return at::_ops::_fused_sdp_choice::call(query, key, value, attn_mask, dropout_p, is_causal);
19133 return at::_ops::_scaled_dot_product_attention_math::call(query, key, value, attn_mask, dropout_p, is_causal, dropout_mask);
19137inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,int64_t,int64_t,int64_t,int64_t,at::Tensor>
_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) {
19138 return at::_ops::_scaled_dot_product_flash_attention::call(query, key, value, dropout_p, is_causal, return_debug_mask);
19142inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
19143 return at::_ops::_scaled_dot_product_flash_attention_backward::call(grad_out, query, key, value, out,
logsumexp, cum_seq_q, cum_seq_k, max_q, max_k, dropout_p, is_causal, philox_seed, philox_offset);
19148 return at::_ops::_scaled_dot_product_efficient_attention::call(query, key, value, compute_log_sumexp, is_causal);
19153 return at::_ops::_scaled_dot_product_efficient_attention_backward::call(grad_out_, query, key, value, out,
logsumexp, is_causal, chunk_grad_outputs);
19158 return at::_ops::_chunk_grad_outputs_efficient_attention::call(query, key, value, is_causal);
19162inline ::std::tuple<at::Tensor,at::Tensor,int64_t,int64_t,at::Tensor>
_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) {
19163 return at::_ops::_flash_attention_forward::call(query, key, value, cum_seq_q, cum_seq_k, max_q, max_k, dropout_p, is_causal, return_debug_mask);
19167inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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) {
19168 return at::_ops::_flash_attention_backward::call(grad_out, query, key, value, out,
logsumexp, cum_seq_q, cum_seq_k, max_q, max_k, dropout_p, is_causal, philox_seed, philox_offset);
19173 return at::_ops::_efficient_attention_forward::call(query, key, value, cu_seqlens_q, cu_seqlens_k, max_seqlen_q, compute_log_sumexp, causal);
19178 return at::_ops::_efficient_attention_backward::call(grad_out_, query, key, value, out,
logsumexp, is_causal, chunk_grad_outputs);
19183 return at::_ops::_triton_scaled_dot_attention::call(q, k, v, dropout_p);
19188 return at::_ops::_triton_multi_head_attention::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask);
19193 return at::_ops::special_airy_ai::call(x);
19198 return at::_ops::special_airy_ai_out::call(x, out);
19202 return at::_ops::special_airy_ai_out::call(x, out);
19206inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor>
_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={}) {
19207 return at::_ops::_transformer_decoder_only_layer_fwd::call(src, embed_dim, num_heads, qkv_weight, qkv_bias, proj_weight, proj_bias, use_gelu, norm_first, eps, norm_weight_1, norm_bias_1, norm_weight_2, norm_bias_2, ffn_weight_1, ffn_bias_1, ffn_weight_2, ffn_bias_2, mask, incr_key, incr_value);
19211inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
19212 return at::_ops::_native_decoder_only_multi_head_attention::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, incr_key, incr_value, need_weights, average_attn_weights);
19217 return at::_ops::special_bessel_j0::call(self);
19222 return at::_ops::special_bessel_j0_out::call(self, out);
19226 return at::_ops::special_bessel_j0_out::call(self, out);
19231 return at::_ops::special_bessel_j1::call(self);
19236 return at::_ops::special_bessel_j1_out::call(self, out);
19240 return at::_ops::special_bessel_j1_out::call(self, out);
19245 return at::_ops::special_bessel_y0::call(self);
19250 return at::_ops::special_bessel_y0_out::call(self, out);
19254 return at::_ops::special_bessel_y0_out::call(self, out);
19259 return at::_ops::special_bessel_y1::call(self);
19264 return at::_ops::special_bessel_y1_out::call(self, out);
19268 return at::_ops::special_bessel_y1_out::call(self, out);
19273 return at::_ops::special_chebyshev_polynomial_t::call(x, n);
19278 return at::_ops::special_chebyshev_polynomial_t_x_scalar::call(x, n);
19283 return at::_ops::special_chebyshev_polynomial_t_n_scalar::call(x, n);
19288 return at::_ops::special_chebyshev_polynomial_t_out::call(x, n, out);
19292 return at::_ops::special_chebyshev_polynomial_t_out::call(x, n, out);
19297 return at::_ops::special_chebyshev_polynomial_t_x_scalar_out::call(x, n, out);
19301 return at::_ops::special_chebyshev_polynomial_t_x_scalar_out::call(x, n, out);
19306 return at::_ops::special_chebyshev_polynomial_t_n_scalar_out::call(x, n, out);
19310 return at::_ops::special_chebyshev_polynomial_t_n_scalar_out::call(x, n, out);
19315 return at::_ops::special_chebyshev_polynomial_u::call(x, n);
19320 return at::_ops::special_chebyshev_polynomial_u_x_scalar::call(x, n);
19325 return at::_ops::special_chebyshev_polynomial_u_n_scalar::call(x, n);
19330 return at::_ops::special_chebyshev_polynomial_u_out::call(x, n, out);
19334 return at::_ops::special_chebyshev_polynomial_u_out::call(x, n, out);
19339 return at::_ops::special_chebyshev_polynomial_u_x_scalar_out::call(x, n, out);
19343 return at::_ops::special_chebyshev_polynomial_u_x_scalar_out::call(x, n, out);
19348 return at::_ops::special_chebyshev_polynomial_u_n_scalar_out::call(x, n, out);
19352 return at::_ops::special_chebyshev_polynomial_u_n_scalar_out::call(x, n, out);
19357 return at::_ops::special_chebyshev_polynomial_v::call(x, n);
19362 return at::_ops::special_chebyshev_polynomial_v_x_scalar::call(x, n);
19367 return at::_ops::special_chebyshev_polynomial_v_n_scalar::call(x, n);
19372 return at::_ops::special_chebyshev_polynomial_v_out::call(x, n, out);
19376 return at::_ops::special_chebyshev_polynomial_v_out::call(x, n, out);
19381 return at::_ops::special_chebyshev_polynomial_v_x_scalar_out::call(x, n, out);
19385 return at::_ops::special_chebyshev_polynomial_v_x_scalar_out::call(x, n, out);
19390 return at::_ops::special_chebyshev_polynomial_v_n_scalar_out::call(x, n, out);
19394 return at::_ops::special_chebyshev_polynomial_v_n_scalar_out::call(x, n, out);
19399 return at::_ops::special_chebyshev_polynomial_w::call(x, n);
19404 return at::_ops::special_chebyshev_polynomial_w_x_scalar::call(x, n);
19409 return at::_ops::special_chebyshev_polynomial_w_n_scalar::call(x, n);
19414 return at::_ops::special_chebyshev_polynomial_w_out::call(x, n, out);
19418 return at::_ops::special_chebyshev_polynomial_w_out::call(x, n, out);
19423 return at::_ops::special_chebyshev_polynomial_w_x_scalar_out::call(x, n, out);
19427 return at::_ops::special_chebyshev_polynomial_w_x_scalar_out::call(x, n, out);
19432 return at::_ops::special_chebyshev_polynomial_w_n_scalar_out::call(x, n, out);
19436 return at::_ops::special_chebyshev_polynomial_w_n_scalar_out::call(x, n, out);
19441 return at::_ops::special_hermite_polynomial_h::call(x, n);
19446 return at::_ops::special_hermite_polynomial_h_x_scalar::call(x, n);
19451 return at::_ops::special_hermite_polynomial_h_n_scalar::call(x, n);
19456 return at::_ops::special_hermite_polynomial_h_out::call(x, n, out);
19460 return at::_ops::special_hermite_polynomial_h_out::call(x, n, out);
19465 return at::_ops::special_hermite_polynomial_h_x_scalar_out::call(x, n, out);
19469 return at::_ops::special_hermite_polynomial_h_x_scalar_out::call(x, n, out);
19474 return at::_ops::special_hermite_polynomial_h_n_scalar_out::call(x, n, out);
19478 return at::_ops::special_hermite_polynomial_h_n_scalar_out::call(x, n, out);
19483 return at::_ops::special_hermite_polynomial_he::call(x, n);
19488 return at::_ops::special_hermite_polynomial_he_x_scalar::call(x, n);
19493 return at::_ops::special_hermite_polynomial_he_n_scalar::call(x, n);
19498 return at::_ops::special_hermite_polynomial_he_out::call(x, n, out);
19502 return at::_ops::special_hermite_polynomial_he_out::call(x, n, out);
19507 return at::_ops::special_hermite_polynomial_he_x_scalar_out::call(x, n, out);
19511 return at::_ops::special_hermite_polynomial_he_x_scalar_out::call(x, n, out);
19516 return at::_ops::special_hermite_polynomial_he_n_scalar_out::call(x, n, out);
19520 return at::_ops::special_hermite_polynomial_he_n_scalar_out::call(x, n, out);
19525 return at::_ops::special_laguerre_polynomial_l::call(x, n);
19530 return at::_ops::special_laguerre_polynomial_l_x_scalar::call(x, n);
19535 return at::_ops::special_laguerre_polynomial_l_n_scalar::call(x, n);
19540 return at::_ops::special_laguerre_polynomial_l_out::call(x, n, out);
19544 return at::_ops::special_laguerre_polynomial_l_out::call(x, n, out);
19549 return at::_ops::special_laguerre_polynomial_l_x_scalar_out::call(x, n, out);
19553 return at::_ops::special_laguerre_polynomial_l_x_scalar_out::call(x, n, out);
19558 return at::_ops::special_laguerre_polynomial_l_n_scalar_out::call(x, n, out);
19562 return at::_ops::special_laguerre_polynomial_l_n_scalar_out::call(x, n, out);
19567 return at::_ops::special_legendre_polynomial_p::call(x, n);
19572 return at::_ops::special_legendre_polynomial_p_x_scalar::call(x, n);
19577 return at::_ops::special_legendre_polynomial_p_n_scalar::call(x, n);
19582 return at::_ops::special_legendre_polynomial_p_out::call(x, n, out);
19586 return at::_ops::special_legendre_polynomial_p_out::call(x, n, out);
19591 return at::_ops::special_legendre_polynomial_p_x_scalar_out::call(x, n, out);
19595 return at::_ops::special_legendre_polynomial_p_x_scalar_out::call(x, n, out);
19600 return at::_ops::special_legendre_polynomial_p_n_scalar_out::call(x, n, out);
19604 return at::_ops::special_legendre_polynomial_p_n_scalar_out::call(x, n, out);
19609 return at::_ops::special_modified_bessel_i0::call(self);
19614 return at::_ops::special_modified_bessel_i0_out::call(self, out);
19618 return at::_ops::special_modified_bessel_i0_out::call(self, out);
19623 return at::_ops::special_modified_bessel_i1::call(self);
19628 return at::_ops::special_modified_bessel_i1_out::call(self, out);
19632 return at::_ops::special_modified_bessel_i1_out::call(self, out);
19637 return at::_ops::special_modified_bessel_k0::call(self);
19642 return at::_ops::special_modified_bessel_k0_out::call(self, out);
19646 return at::_ops::special_modified_bessel_k0_out::call(self, out);
19651 return at::_ops::special_modified_bessel_k1::call(self);
19656 return at::_ops::special_modified_bessel_k1_out::call(self, out);
19660 return at::_ops::special_modified_bessel_k1_out::call(self, out);
19665 return at::_ops::special_scaled_modified_bessel_k0::call(x);
19670 return at::_ops::special_scaled_modified_bessel_k0_out::call(x, out);
19674 return at::_ops::special_scaled_modified_bessel_k0_out::call(x, out);
19679 return at::_ops::special_scaled_modified_bessel_k1::call(x);
19684 return at::_ops::special_scaled_modified_bessel_k1_out::call(x, out);
19688 return at::_ops::special_scaled_modified_bessel_k1_out::call(x, out);
19693 return at::_ops::special_shifted_chebyshev_polynomial_t::call(x, n);
19698 return at::_ops::special_shifted_chebyshev_polynomial_t_x_scalar::call(x, n);
19703 return at::_ops::special_shifted_chebyshev_polynomial_t_n_scalar::call(x, n);
19708 return at::_ops::special_shifted_chebyshev_polynomial_t_out::call(x, n, out);
19712 return at::_ops::special_shifted_chebyshev_polynomial_t_out::call(x, n, out);
19717 return at::_ops::special_shifted_chebyshev_polynomial_t_x_scalar_out::call(x, n, out);
19721 return at::_ops::special_shifted_chebyshev_polynomial_t_x_scalar_out::call(x, n, out);
19726 return at::_ops::special_shifted_chebyshev_polynomial_t_n_scalar_out::call(x, n, out);
19730 return at::_ops::special_shifted_chebyshev_polynomial_t_n_scalar_out::call(x, n, out);
19735 return at::_ops::special_shifted_chebyshev_polynomial_u::call(x, n);
19740 return at::_ops::special_shifted_chebyshev_polynomial_u_x_scalar::call(x, n);
19745 return at::_ops::special_shifted_chebyshev_polynomial_u_n_scalar::call(x, n);
19750 return at::_ops::special_shifted_chebyshev_polynomial_u_out::call(x, n, out);
19754 return at::_ops::special_shifted_chebyshev_polynomial_u_out::call(x, n, out);
19759 return at::_ops::special_shifted_chebyshev_polynomial_u_x_scalar_out::call(x, n, out);
19763 return at::_ops::special_shifted_chebyshev_polynomial_u_x_scalar_out::call(x, n, out);
19768 return at::_ops::special_shifted_chebyshev_polynomial_u_n_scalar_out::call(x, n, out);
19772 return at::_ops::special_shifted_chebyshev_polynomial_u_n_scalar_out::call(x, n, out);
19777 return at::_ops::special_shifted_chebyshev_polynomial_v::call(x, n);
19782 return at::_ops::special_shifted_chebyshev_polynomial_v_x_scalar::call(x, n);
19787 return at::_ops::special_shifted_chebyshev_polynomial_v_n_scalar::call(x, n);
19792 return at::_ops::special_shifted_chebyshev_polynomial_v_out::call(x, n, out);
19796 return at::_ops::special_shifted_chebyshev_polynomial_v_out::call(x, n, out);
19801 return at::_ops::special_shifted_chebyshev_polynomial_v_x_scalar_out::call(x, n, out);
19805 return at::_ops::special_shifted_chebyshev_polynomial_v_x_scalar_out::call(x, n, out);
19810 return at::_ops::special_shifted_chebyshev_polynomial_v_n_scalar_out::call(x, n, out);
19814 return at::_ops::special_shifted_chebyshev_polynomial_v_n_scalar_out::call(x, n, out);
19819 return at::_ops::special_shifted_chebyshev_polynomial_w::call(x, n);
19824 return at::_ops::special_shifted_chebyshev_polynomial_w_x_scalar::call(x, n);
19829 return at::_ops::special_shifted_chebyshev_polynomial_w_n_scalar::call(x, n);
19834 return at::_ops::special_shifted_chebyshev_polynomial_w_out::call(x, n, out);
19838 return at::_ops::special_shifted_chebyshev_polynomial_w_out::call(x, n, out);
19843 return at::_ops::special_shifted_chebyshev_polynomial_w_x_scalar_out::call(x, n, out);
19847 return at::_ops::special_shifted_chebyshev_polynomial_w_x_scalar_out::call(x, n, out);
19852 return at::_ops::special_shifted_chebyshev_polynomial_w_n_scalar_out::call(x, n, out);
19856 return at::_ops::special_shifted_chebyshev_polynomial_w_n_scalar_out::call(x, n, out);
19861 return at::_ops::special_spherical_bessel_j0::call(x);
19866 return at::_ops::special_spherical_bessel_j0_out::call(x, out);
19870 return at::_ops::special_spherical_bessel_j0_out::call(x, out);
19875 return at::_ops::_foobar::call(self, arg1, arg2, arg3);
19879inline void _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={}) {
19880 return at::_ops::_fused_adam_::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf);
19884inline void _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={}) {
19885 return at::_ops::_fused_adamw_::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf);
19890 return at::_ops::_new_zeros_with_same_feature_meta_out::call(self, other, self_num_batch_dims, out);
19894 return at::_ops::_new_zeros_with_same_feature_meta_out::call(self, other, self_num_batch_dims, out);
19899 return at::_ops::_cudnn_ctc_loss_out::call(log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity, out0, out1);
19903 return at::_ops::_cudnn_ctc_loss_out::call(log_probs, targets, input_lengths, target_lengths, blank, deterministic, zero_infinity, out0, out1);
19908 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19911 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19913 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19919 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19922 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19924 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19930 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19933 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19935 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19941 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19944 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19946 return at::_ops::_cudnn_rnn_flatten_weight_out::call(weight_arr, weight_stride0, input_size,
mode, hidden_size, proj_size, num_layers, batch_first, bidirectional, out);
19951inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19952 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, out0, out1, out2, out3, out4);
19955 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19956 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19957 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, out0, out1, out2, out3, out4);
19962inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19963 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, out0, out1, out2, out3, out4);
19966 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
19967 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19968 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, out0, out1, out2, out3, out4);
19973inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19974 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, out0, out1, out2, out3, out4);
19977 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19978 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19979 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, out0, out1, out2, out3, out4);
19984inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19985 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, out0, out1, out2, out3, out4);
19988 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
19989 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
19990 return at::_ops::_cudnn_rnn_out::call(input, weight, weight_stride0, weight_buf, hx, cx,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, out0, out1, out2, out3, out4);
19995inline void _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) {
19996 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, reserve, output_mask, out0, out1, out2, out3);
19999 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20000 void _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) {
20001 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, reserve, output_mask, out0, out1, out2, out3);
20006inline void _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) {
20007 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, reserve, output_mask, out0, out1, out2, out3);
20010 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20011 void _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) {
20012 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, c10::fromIntArrayRefSlow(batch_sizes), dropout_state, reserve, output_mask, out0, out1, out2, out3);
20017inline void _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) {
20018 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask, out0, out1, out2, out3);
20021 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20022 void _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) {
20023 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask, out0, out1, out2, out3);
20028inline void _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) {
20029 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask, out0, out1, out2, out3);
20032 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20033 void _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) {
20034 return at::_ops::_cudnn_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, proj_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask, out0, out1, out2, out3);
20040 return at::_ops::_cudnn_init_dropout_state_out::call(
dropout, train, dropout_seed, out);
20044 return at::_ops::_cudnn_init_dropout_state_out::call(
dropout, train, dropout_seed, out);
20049 return at::_ops::_fused_dropout_out::call(self, p, generator, out0, out1);
20053 return at::_ops::_fused_dropout_out::call(self, p, generator, out0, out1);
20058 return at::_ops::_masked_scale_out::call(self, mask, scale, out);
20062 return at::_ops::_masked_scale_out::call(self, mask, scale, out);
20067 return at::_ops::native_dropout_out::call(input, p, train, out0, out1);
20071 return at::_ops::native_dropout_out::call(input, p, train, out0, out1);
20076 return at::_ops::native_dropout_backward_out::call(grad_output, mask, scale, out);
20080 return at::_ops::native_dropout_backward_out::call(grad_output, mask, scale, out);
20085 return at::_ops::_conj_physical_out::call(self, out);
20089 return at::_ops::_conj_physical_out::call(self, out);
20094 return at::_ops::_add_relu_Scalar_out::call(self, other, alpha, out);
20098 return at::_ops::_add_relu_Scalar_out::call(self, other, alpha, out);
20103 return at::_ops::add_Scalar_out::call(self, other, alpha, out);
20107 return at::_ops::add_Scalar_out::call(self, other, alpha, out);
20112 return at::_ops::affine_grid_generator_out::call(theta,
size, align_corners, out);
20116 return at::_ops::affine_grid_generator_out::call(theta,
size, align_corners, out);
20121 return at::_ops::bartlett_window_out::call(window_length, out);
20125 return at::_ops::bartlett_window_out::call(window_length, out);
20130 return at::_ops::bartlett_window_periodic_out::call(window_length, periodic, out);
20134 return at::_ops::bartlett_window_periodic_out::call(window_length, periodic, out);
20139 return at::_ops::quantized_batch_norm_out::call(input, weight, bias,
mean,
var, eps, output_scale, output_zero_point, out);
20143 return at::_ops::quantized_batch_norm_out::call(input, weight, bias,
mean,
var, eps, output_scale, output_zero_point, out);
20148 return at::_ops::bernoulli_Tensor_out::call(self, p, generator, out);
20152 return at::_ops::bernoulli_Tensor_out::call(self, p, generator, out);
20157 return at::_ops::bernoulli_Tensor::call(self, p, generator);
20162 return at::_ops::bernoulli_float_out::call(self, p, generator, out);
20166 return at::_ops::bernoulli_float_out::call(self, p, generator, out);
20171 return at::_ops::binary_cross_entropy_with_logits_out::call(self, target, weight, pos_weight, reduction, out);
20175 return at::_ops::binary_cross_entropy_with_logits_out::call(self, target, weight, pos_weight, reduction, out);
20180 return at::_ops::bincount_out::call(self, weights, minlength, out);
20184 return at::_ops::bincount_out::call(self, weights, minlength, out);
20189 return at::_ops::blackman_window_out::call(window_length, out);
20193 return at::_ops::blackman_window_out::call(window_length, out);
20198 return at::_ops::blackman_window_periodic_out::call(window_length, periodic, out);
20202 return at::_ops::blackman_window_periodic_out::call(window_length, periodic, out);
20207 return at::_ops::block_diag_out::call(tensors, out);
20211 return at::_ops::block_diag_out::call(tensors, out);
20216 return at::_ops::constant_pad_nd_out::call(self, c10::fromIntArrayRefSlow(
pad), value, out);
20219 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20221 return at::_ops::constant_pad_nd_out::call(self, c10::fromIntArrayRefSlow(
pad), value, out);
20227 return at::_ops::constant_pad_nd_out::call(self, c10::fromIntArrayRefSlow(
pad), value, out);
20230 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20232 return at::_ops::constant_pad_nd_out::call(self, c10::fromIntArrayRefSlow(
pad), value, out);
20238 return at::_ops::constant_pad_nd_out::call(self,
pad, value, out);
20241 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20243 return at::_ops::constant_pad_nd_out::call(self,
pad, value, out);
20249 return at::_ops::constant_pad_nd_out::call(self,
pad, value, out);
20252 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20254 return at::_ops::constant_pad_nd_out::call(self,
pad, value, out);
20260 return at::_ops::convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, out);
20263 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20265 return at::_ops::convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, out);
20271 return at::_ops::convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, out);
20274 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20276 return at::_ops::convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, out);
20282 return at::_ops::convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, out);
20285 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20287 return at::_ops::convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, out);
20293 return at::_ops::convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, out);
20296 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20298 return at::_ops::convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, out);
20303inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20304 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*bias_sizes)) :
c10::nullopt,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask, out0, out1, out2);
20307 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20308 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20309 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*bias_sizes)) :
c10::nullopt,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask, out0, out1, out2);
20314inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20315 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*bias_sizes)) :
c10::nullopt,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask, out0, out1, out2);
20318 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20319 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20320 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*bias_sizes)) :
c10::nullopt,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, output_mask, out0, out1, out2);
20325inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20326 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes,
stride, padding, dilation, transposed, output_padding, groups, output_mask, out0, out1, out2);
20329 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20330 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20331 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes,
stride, padding, dilation, transposed, output_padding, groups, output_mask, out0, out1, out2);
20336inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20337 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes,
stride, padding, dilation, transposed, output_padding, groups, output_mask, out0, out1, out2);
20340 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20341 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20342 return at::_ops::convolution_backward_out::call(grad_output, input, weight, bias_sizes,
stride, padding, dilation, transposed, output_padding, groups, output_mask, out0, out1, out2);
20348 return at::_ops::convolution_overrideable_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, out);
20352 return at::_ops::convolution_overrideable_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, out);
20356inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20357 return at::_ops::convolution_backward_overrideable_out::call(grad_output, input, weight,
stride, padding, dilation, transposed, output_padding, groups, output_mask, out0, out1, out2);
20360inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
20361 return at::_ops::convolution_backward_overrideable_out::call(grad_output, input, weight,
stride, padding, dilation, transposed, output_padding, groups, output_mask, out0, out1, out2);
20365inline at::Tensor &
_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) {
20366 return at::_ops::_convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20369 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20370 at::Tensor &
_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) {
20371 return at::_ops::_convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20376inline at::Tensor &
_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) {
20377 return at::_ops::_convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20380 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20381 at::Tensor &
_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) {
20382 return at::_ops::_convolution_out::call(input, weight, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, transposed, c10::fromIntArrayRefSlow(output_padding), groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20387inline at::Tensor &
_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) {
20388 return at::_ops::_convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20391 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20392 at::Tensor &
_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) {
20393 return at::_ops::_convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20398inline at::Tensor &
_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) {
20399 return at::_ops::_convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20402 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20403 at::Tensor &
_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) {
20404 return at::_ops::_convolution_out::call(input, weight, bias,
stride, padding, dilation, transposed, output_padding, groups, benchmark, deterministic, cudnn_enabled, allow_tf32, out);
20410 return at::_ops::conv_tbc_out::call(self, weight, bias,
pad, out);
20414 return at::_ops::conv_tbc_out::call(self, weight, bias,
pad, out);
20419 return at::_ops::copy_out::call(self, src, non_blocking, out);
20423 return at::_ops::copy_out::call(self, src, non_blocking, out);
20428 return at::_ops::_copy_from_out::call(self, dst, non_blocking, out);
20432 return at::_ops::_copy_from_out::call(self, dst, non_blocking, out);
20437 return at::_ops::_copy_from_and_resize_out::call(self, dst, out);
20441 return at::_ops::_copy_from_and_resize_out::call(self, dst, out);
20446 return at::_ops::count_nonzero_dim_IntList_out::call(self, dim, out);
20450 return at::_ops::count_nonzero_dim_IntList_out::call(self, dim, out);
20455 return at::_ops::count_nonzero_out::call(self, dim, out);
20459 return at::_ops::count_nonzero_out::call(self, dim, out);
20464 return at::_ops::cudnn_affine_grid_generator_out::call(theta, N, C, H, W, out);
20468 return at::_ops::cudnn_affine_grid_generator_out::call(theta, N, C, H, W, out);
20472inline at::Tensor & cudnn_affine_grid_generator_backward_out(
at::Tensor & out,
const at::Tensor & grad, int64_t N, int64_t C, int64_t H, int64_t W) {
20473 return at::_ops::cudnn_affine_grid_generator_backward_out::call(grad, N, C, H, W, out);
20476inline at::Tensor & cudnn_affine_grid_generator_backward_outf(
const at::Tensor & grad, int64_t N, int64_t C, int64_t H, int64_t W,
at::Tensor & out) {
20477 return at::_ops::cudnn_affine_grid_generator_backward_out::call(grad, N, C, H, W, out);
20481inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &> cudnn_batch_norm_out(
at::Tensor & out0,
at::Tensor & out1,
at::Tensor & out2,
at::Tensor & out3,
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) {
20482 return at::_ops::cudnn_batch_norm_out::call(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon, out0, out1, out2, out3);
20485inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &> cudnn_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,
at::Tensor & out3) {
20486 return at::_ops::cudnn_batch_norm_out::call(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon, out0, out1, out2, out3);
20490inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &> cudnn_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,
const at::Tensor & reserveSpace) {
20491 return at::_ops::cudnn_batch_norm_backward_out::call(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, reserveSpace, out0, out1, out2);
20494inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &> cudnn_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,
const at::Tensor & reserveSpace,
at::Tensor & out0,
at::Tensor & out1,
at::Tensor & out2) {
20495 return at::_ops::cudnn_batch_norm_backward_out::call(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, reserveSpace, out0, out1, out2);
20499inline at::Tensor & cudnn_convolution_out(
at::Tensor & out,
const at::Tensor & self,
const at::Tensor & weight, at::IntArrayRef padding, at::IntArrayRef
stride, at::IntArrayRef dilation, int64_t groups,
bool benchmark,
bool deterministic,
bool allow_tf32) {
20500 return at::_ops::cudnn_convolution_out::call(self, weight, padding,
stride, dilation, groups, benchmark, deterministic, allow_tf32, out);
20503inline at::Tensor & cudnn_convolution_outf(
const at::Tensor & self,
const at::Tensor & weight, at::IntArrayRef padding, at::IntArrayRef
stride, at::IntArrayRef dilation, int64_t groups,
bool benchmark,
bool deterministic,
bool allow_tf32,
at::Tensor & out) {
20504 return at::_ops::cudnn_convolution_out::call(self, weight, padding,
stride, dilation, groups, benchmark, deterministic, allow_tf32, out);
20508inline at::Tensor & cudnn_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,
bool benchmark,
bool deterministic,
bool allow_tf32) {
20509 return at::_ops::cudnn_convolution_transpose_out::call(self, weight, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, allow_tf32, out);
20512inline at::Tensor & cudnn_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,
bool benchmark,
bool deterministic,
bool allow_tf32,
at::Tensor & out) {
20513 return at::_ops::cudnn_convolution_transpose_out::call(self, weight, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, allow_tf32, out);
20518 return at::_ops::_mps_convolution_transpose_out::call(self, weight, padding, output_padding,
stride, dilation, groups, out);
20522 return at::_ops::_mps_convolution_transpose_out::call(self, weight, padding, output_padding,
stride, dilation, groups, out);
20526inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
20527 return at::_ops::mps_convolution_transpose_backward_out::call(self, grad_output, weight, padding, output_padding,
stride, dilation, groups, output_mask, out0, out1);
20530inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
20531 return at::_ops::mps_convolution_transpose_backward_out::call(self, grad_output, weight, padding, output_padding,
stride, dilation, groups, output_mask, out0, out1);
20536 return at::_ops::cudnn_convolution_relu_out::call(self, weight, bias,
stride, padding, dilation, groups, out);
20540 return at::_ops::cudnn_convolution_relu_out::call(self, weight, bias,
stride, padding, dilation, groups, out);
20545 return at::_ops::cudnn_convolution_add_relu_out::call(self, weight, z, alpha, bias,
stride, padding, dilation, groups, out);
20549 return at::_ops::cudnn_convolution_add_relu_out::call(self, weight, z, alpha, bias,
stride, padding, dilation, groups, out);
20554 return at::_ops::cudnn_grid_sampler_out::call(self, grid, out);
20558 return at::_ops::cudnn_grid_sampler_out::call(self, grid, out);
20563 return at::_ops::cudnn_grid_sampler_backward_out::call(self, grid, grad_output, out0, out1);
20567 return at::_ops::cudnn_grid_sampler_backward_out::call(self, grid, grad_output, out0, out1);
20572 return at::_ops::_ctc_loss_out::call(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity, out0, out1);
20576 return at::_ops::_ctc_loss_out::call(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity, out0, out1);
20581 return at::_ops::_ctc_loss_Tensor_out::call(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity, out0, out1);
20585 return at::_ops::_ctc_loss_Tensor_out::call(log_probs, targets, input_lengths, target_lengths, blank, zero_infinity, out0, out1);
20590 return at::_ops::_ctc_loss_backward_out::call(grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity, out);
20594 return at::_ops::_ctc_loss_backward_out::call(grad, log_probs, targets, input_lengths, target_lengths, neg_log_likelihood, log_alpha, blank, zero_infinity, out);
20599 return at::_ops::diag_embed_out::call(self, offset, dim1, dim2, out);
20603 return at::_ops::diag_embed_out::call(self, offset, dim1, dim2, out);
20608 return at::_ops::diagonal_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), offset, dim1, dim2, out);
20611 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20613 return at::_ops::diagonal_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), offset, dim1, dim2, out);
20619 return at::_ops::diagonal_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), offset, dim1, dim2, out);
20622 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20624 return at::_ops::diagonal_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), offset, dim1, dim2, out);
20630 return at::_ops::diagonal_backward_out::call(grad_output, input_sizes, offset, dim1, dim2, out);
20633 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20635 return at::_ops::diagonal_backward_out::call(grad_output, input_sizes, offset, dim1, dim2, out);
20641 return at::_ops::diagonal_backward_out::call(grad_output, input_sizes, offset, dim1, dim2, out);
20644 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20646 return at::_ops::diagonal_backward_out::call(grad_output, input_sizes, offset, dim1, dim2, out);
20652 return at::_ops::div_Scalar_out::call(self, other, out);
20656 return at::_ops::div_Scalar_out::call(self, other, out);
20661 return at::_ops::div_Scalar_mode_out::call(self, other, rounding_mode, out);
20665 return at::_ops::div_Scalar_mode_out::call(self, other, rounding_mode, out);
20670 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20673 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20675 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20681 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20684 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20686 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20692 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20695 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20697 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20703 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20706 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20708 return at::_ops::embedding_out::call(weight, indices, padding_idx, scale_grad_by_freq, sparse, out);
20714 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20717 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20719 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20725 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20728 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20730 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20736 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20739 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20741 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20747 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20750 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20752 return at::_ops::embedding_dense_backward_out::call(grad_output, indices, num_weights, padding_idx, scale_grad_by_freq, out);
20758 return at::_ops::embedding_renorm_out::call(self, indices, max_norm, norm_type, out);
20762 return at::_ops::embedding_renorm_out::call(self, indices, max_norm, norm_type, out);
20767 return at::_ops::embedding_renorm::call(self, indices, max_norm, norm_type);
20771inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
20772 return at::_ops::_embedding_bag_forward_only_out::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx, out0, out1, out2, out3);
20775inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
20776 return at::_ops::_embedding_bag_forward_only_out::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx, out0, out1, out2, out3);
20780inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
20781 return at::_ops::_embedding_bag_out::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx, out0, out1, out2, out3);
20784inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
20785 return at::_ops::_embedding_bag_out::call(weight, indices, offsets, scale_grad_by_freq,
mode, sparse, per_sample_weights, include_last_offset, padding_idx, out0, out1, out2, out3);
20789inline at::Tensor &
_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) {
20790 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20793 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20794 at::Tensor &
_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) {
20795 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20800inline at::Tensor &
_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) {
20801 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20804 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20805 at::Tensor &
_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) {
20806 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20811inline at::Tensor &
_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) {
20812 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20815 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20816 at::Tensor &
_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) {
20817 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20822inline at::Tensor &
_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) {
20823 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20826 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20827 at::Tensor &
_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) {
20828 return at::_ops::_embedding_bag_dense_backward_out::call(grad, indices, offset2bag, bag_size, maximum_indices, num_weights, scale_grad_by_freq,
mode, per_sample_weights, padding_idx, out);
20834 return at::_ops::_embedding_bag_per_sample_weights_backward_out::call(grad, weight, indices, offsets, offset2bag,
mode, padding_idx, out);
20838 return at::_ops::_embedding_bag_per_sample_weights_backward_out::call(grad, weight, indices, offsets, offset2bag,
mode, padding_idx, out);
20843 return at::_ops::empty_names_out::call(
size, names, memory_format, out);
20847 return at::_ops::empty_names_out::call(
size, names, memory_format, out);
20852 return at::_ops::new_empty_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20855 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20857 return at::_ops::new_empty_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20863 return at::_ops::new_empty_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20866 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20868 return at::_ops::new_empty_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20874 return at::_ops::new_empty_out::call(self,
size, out);
20877 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20879 return at::_ops::new_empty_out::call(self,
size, out);
20885 return at::_ops::new_empty_out::call(self,
size, out);
20888 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20890 return at::_ops::new_empty_out::call(self,
size, out);
20896 return at::_ops::new_empty_strided_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
20899 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20901 return at::_ops::new_empty_strided_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
20907 return at::_ops::new_empty_strided_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
20910 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20912 return at::_ops::new_empty_strided_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
20918 return at::_ops::new_empty_strided_out::call(self,
size,
stride, out);
20921 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20923 return at::_ops::new_empty_strided_out::call(self,
size,
stride, out);
20929 return at::_ops::new_empty_strided_out::call(self,
size,
stride, out);
20932 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20934 return at::_ops::new_empty_strided_out::call(self,
size,
stride, out);
20940 return at::_ops::new_full_out::call(self, c10::fromIntArrayRefSlow(
size), fill_value, out);
20943 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20945 return at::_ops::new_full_out::call(self, c10::fromIntArrayRefSlow(
size), fill_value, out);
20951 return at::_ops::new_full_out::call(self, c10::fromIntArrayRefSlow(
size), fill_value, out);
20954 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20956 return at::_ops::new_full_out::call(self, c10::fromIntArrayRefSlow(
size), fill_value, out);
20962 return at::_ops::new_full_out::call(self,
size, fill_value, out);
20965 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20967 return at::_ops::new_full_out::call(self,
size, fill_value, out);
20973 return at::_ops::new_full_out::call(self,
size, fill_value, out);
20976 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
20978 return at::_ops::new_full_out::call(self,
size, fill_value, out);
20984 return at::_ops::new_zeros_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20987 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
20989 return at::_ops::new_zeros_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20995 return at::_ops::new_zeros_out::call(self, c10::fromIntArrayRefSlow(
size), out);
20998 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21000 return at::_ops::new_zeros_out::call(self, c10::fromIntArrayRefSlow(
size), out);
21006 return at::_ops::new_zeros_out::call(self,
size, out);
21009 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21011 return at::_ops::new_zeros_out::call(self,
size, out);
21017 return at::_ops::new_zeros_out::call(self,
size, out);
21020 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21022 return at::_ops::new_zeros_out::call(self,
size, out);
21028 return at::_ops::new_ones_out::call(self, c10::fromIntArrayRefSlow(
size), out);
21031 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21033 return at::_ops::new_ones_out::call(self, c10::fromIntArrayRefSlow(
size), out);
21039 return at::_ops::new_ones_out::call(self, c10::fromIntArrayRefSlow(
size), out);
21042 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21044 return at::_ops::new_ones_out::call(self, c10::fromIntArrayRefSlow(
size), out);
21050 return at::_ops::new_ones_out::call(self,
size, out);
21053 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21055 return at::_ops::new_ones_out::call(self,
size, out);
21061 return at::_ops::new_ones_out::call(self,
size, out);
21064 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21066 return at::_ops::new_ones_out::call(self,
size, out);
21072 return at::_ops::_empty_affine_quantized_out::call(
size, scale, zero_point, memory_format, out);
21076 return at::_ops::_empty_affine_quantized_out::call(
size, scale, zero_point, memory_format, out);
21081 return at::_ops::_empty_per_channel_affine_quantized_out::call(
size, scales, zero_points, axis, memory_format, out);
21085 return at::_ops::_empty_per_channel_affine_quantized_out::call(
size, scales, zero_points, axis, memory_format, out);
21090 return at::_ops::resize_out::call(self, c10::fromIntArrayRefSlow(
size), memory_format, out);
21093 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21095 return at::_ops::resize_out::call(self, c10::fromIntArrayRefSlow(
size), memory_format, out);
21101 return at::_ops::resize_out::call(self, c10::fromIntArrayRefSlow(
size), memory_format, out);
21104 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21106 return at::_ops::resize_out::call(self, c10::fromIntArrayRefSlow(
size), memory_format, out);
21112 return at::_ops::resize_out::call(self,
size, memory_format, out);
21115 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21117 return at::_ops::resize_out::call(self,
size, memory_format, out);
21123 return at::_ops::resize_out::call(self,
size, memory_format, out);
21126 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21128 return at::_ops::resize_out::call(self,
size, memory_format, out);
21134 return at::_ops::resize::call(self, c10::fromIntArrayRefSlow(
size), memory_format);
21137 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21139 return at::_ops::resize::call(self, c10::fromIntArrayRefSlow(
size), memory_format);
21145 return at::_ops::resize::call(self,
size, memory_format);
21148 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21150 return at::_ops::resize::call(self,
size, memory_format);
21156 return at::_ops::_resize_output_out::call(self,
size, device, out);
21160 return at::_ops::_resize_output_out::call(self,
size, device, out);
21165 return at::_ops::_resize_output::call(self,
size, device);
21170 return at::_ops::empty_quantized_out::call(
size, qtensor, memory_format, out);
21174 return at::_ops::empty_quantized_out::call(
size, qtensor, memory_format, out);
21179 return at::_ops::empty_like_out::call(self, memory_format, out);
21183 return at::_ops::empty_like_out::call(self, memory_format, out);
21188 return at::_ops::empty_strided_out::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
21191 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21193 return at::_ops::empty_strided_out::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
21199 return at::_ops::empty_strided_out::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
21202 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21204 return at::_ops::empty_strided_out::call(c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
21210 return at::_ops::empty_strided_out::call(
size,
stride, out);
21213 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21215 return at::_ops::empty_strided_out::call(
size,
stride, out);
21221 return at::_ops::empty_strided_out::call(
size,
stride, out);
21224 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21226 return at::_ops::empty_strided_out::call(
size,
stride, out);
21232 return at::_ops::fill_Scalar_out::call(self, value, out);
21236 return at::_ops::fill_Scalar_out::call(self, value, out);
21241 return at::_ops::fill_Tensor_out::call(self, value, out);
21245 return at::_ops::fill_Tensor_out::call(self, value, out);
21250 return at::_ops::full_names_out::call(
size, fill_value, names, out);
21254 return at::_ops::full_names_out::call(
size, fill_value, names, out);
21259 return at::_ops::full_like_out::call(self, fill_value, memory_format, out);
21263 return at::_ops::full_like_out::call(self, fill_value, memory_format, out);
21268 return at::_ops::from_file_out::call(filename, shared,
size, out);
21272 return at::_ops::from_file_out::call(filename, shared,
size, out);
21277 return at::_ops::grid_sampler_2d_out::call(input, grid, interpolation_mode, padding_mode, align_corners, out);
21281 return at::_ops::grid_sampler_2d_out::call(input, grid, interpolation_mode, padding_mode, align_corners, out);
21285inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
21286 return at::_ops::grid_sampler_2d_backward_out::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners, output_mask, out0, out1);
21289inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
21290 return at::_ops::grid_sampler_2d_backward_out::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners, output_mask, out0, out1);
21295 return at::_ops::_grid_sampler_2d_cpu_fallback_out::call(input, grid, interpolation_mode, padding_mode, align_corners, out);
21299 return at::_ops::_grid_sampler_2d_cpu_fallback_out::call(input, grid, interpolation_mode, padding_mode, align_corners, out);
21304 return at::_ops::grid_sampler_3d_out::call(input, grid, interpolation_mode, padding_mode, align_corners, out);
21308 return at::_ops::grid_sampler_3d_out::call(input, grid, interpolation_mode, padding_mode, align_corners, out);
21312inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
21313 return at::_ops::grid_sampler_3d_backward_out::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners, output_mask, out0, out1);
21316inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
21317 return at::_ops::grid_sampler_3d_backward_out::call(grad_output, input, grid, interpolation_mode, padding_mode, align_corners, output_mask, out0, out1);
21322 return at::_ops::hann_window_out::call(window_length, out);
21326 return at::_ops::hann_window_out::call(window_length, out);
21331 return at::_ops::hann_window_periodic_out::call(window_length, periodic, out);
21335 return at::_ops::hann_window_periodic_out::call(window_length, periodic, out);
21340 return at::_ops::hamming_window_out::call(window_length, out);
21344 return at::_ops::hamming_window_out::call(window_length, out);
21349 return at::_ops::hamming_window_periodic_out::call(window_length, periodic, out);
21353 return at::_ops::hamming_window_periodic_out::call(window_length, periodic, out);
21358 return at::_ops::hamming_window_periodic_alpha_out::call(window_length, periodic, alpha, out);
21362 return at::_ops::hamming_window_periodic_alpha_out::call(window_length, periodic, alpha, out);
21367 return at::_ops::hamming_window_periodic_alpha_beta_out::call(window_length, periodic, alpha, beta, out);
21371 return at::_ops::hamming_window_periodic_alpha_beta_out::call(window_length, periodic, alpha, beta, out);
21376 return at::_ops::kaiser_window_out::call(window_length, out);
21380 return at::_ops::kaiser_window_out::call(window_length, out);
21385 return at::_ops::kaiser_window_periodic_out::call(window_length, periodic, out);
21389 return at::_ops::kaiser_window_periodic_out::call(window_length, periodic, out);
21394 return at::_ops::kaiser_window_beta_out::call(window_length, periodic, beta, out);
21398 return at::_ops::kaiser_window_beta_out::call(window_length, periodic, beta, out);
21402inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21403 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21406 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21407 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21408 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21413inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21414 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21417 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21418 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21419 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21424inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21425 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21428 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21429 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21430 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21435inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21436 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21439 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21440 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21441 return at::_ops::native_group_norm_out::call(input, weight, bias, N, C, HxW, group, eps, out0, out1, out2);
21446inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21447 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21450 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21451 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21452 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21457inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21458 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21461 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21462 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21463 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21468inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21469 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21472 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21473 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21474 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21479inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21480 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21483 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21484 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21485 return at::_ops::native_group_norm_backward_out::call(grad_out, input,
mean, rstd, weight, N, C, HxW, group, output_mask, out0, out1, out2);
21491 return at::_ops::index_put_out::call(self, indices, values, accumulate, out);
21495 return at::_ops::index_put_out::call(self, indices, values, accumulate, out);
21500 return at::_ops::_index_put_impl_out::call(self, indices, values, accumulate, unsafe, out);
21504 return at::_ops::_index_put_impl_out::call(self, indices, values, accumulate, unsafe, out);
21509 return at::_ops::_index_put_impl::call(self, indices, values, accumulate, unsafe);
21514 return at::_ops::isnan_out::call(self, out);
21518 return at::_ops::isnan_out::call(self, out);
21523 return at::_ops::native_layer_norm_out::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps, out0, out1, out2);
21526 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21528 return at::_ops::native_layer_norm_out::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps, out0, out1, out2);
21534 return at::_ops::native_layer_norm_out::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps, out0, out1, out2);
21537 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21539 return at::_ops::native_layer_norm_out::call(input, c10::fromIntArrayRefSlow(normalized_shape), weight, bias, eps, out0, out1, out2);
21545 return at::_ops::native_layer_norm_out::call(input, normalized_shape, weight, bias, eps, out0, out1, out2);
21548 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21550 return at::_ops::native_layer_norm_out::call(input, normalized_shape, weight, bias, eps, out0, out1, out2);
21556 return at::_ops::native_layer_norm_out::call(input, normalized_shape, weight, bias, eps, out0, out1, out2);
21559 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21561 return at::_ops::native_layer_norm_out::call(input, normalized_shape, weight, bias, eps, out0, out1, out2);
21566inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21567 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, c10::fromIntArrayRefSlow(normalized_shape),
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21570 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21571 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21572 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, c10::fromIntArrayRefSlow(normalized_shape),
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21577inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21578 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, c10::fromIntArrayRefSlow(normalized_shape),
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21581 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21582 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21583 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, c10::fromIntArrayRefSlow(normalized_shape),
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21588inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21589 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, normalized_shape,
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21592 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21593 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21594 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, normalized_shape,
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21599inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21600 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, normalized_shape,
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21603 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21604 ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21605 return at::_ops::native_layer_norm_backward_out::call(grad_out, input, normalized_shape,
mean, rstd, weight, bias, output_mask, out0, out1, out2);
21611 return at::_ops::linear_backward_out::call(self, grad_output, weight, output_mask, out0, out1, out2);
21615 return at::_ops::linear_backward_out::call(self, grad_output, weight, output_mask, out0, out1, out2);
21620 return at::_ops::mkldnn_linear_out::call(self, weight, bias, out);
21624 return at::_ops::mkldnn_linear_out::call(self, weight, bias, out);
21629 return at::_ops::mkldnn_linear_backward_input_out::call(input_size, grad_output, weight, out);
21633 return at::_ops::mkldnn_linear_backward_input_out::call(input_size, grad_output, weight, out);
21638 return at::_ops::mkldnn_linear_backward_weights_out::call(grad_output, input, weight, bias_defined, out0, out1);
21642 return at::_ops::mkldnn_linear_backward_weights_out::call(grad_output, input, weight, bias_defined, out0, out1);
21647 return at::_ops::mkldnn_linear_backward_out::call(self, grad_output, weight, output_mask, out0, out1, out2);
21651 return at::_ops::mkldnn_linear_backward_out::call(self, grad_output, weight, output_mask, out0, out1, out2);
21656 return at::_ops::matmul_backward_out::call(grad, self, other, mask, out0, out1);
21660 return at::_ops::matmul_backward_out::call(grad, self, other, mask, out0, out1);
21665 return at::_ops::_aminmax_out::call(self, out0, out1);
21669 return at::_ops::_aminmax_out::call(self, out0, out1);
21674 return at::_ops::_aminmax_dim_out::call(self, dim, keepdim, out0, out1);
21678 return at::_ops::_aminmax_dim_out::call(self, dim, keepdim, out0, out1);
21683 return at::_ops::max_pool2d_backward_out::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21687 return at::_ops::max_pool2d_backward_out::call(grad_output, self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21692 return at::_ops::mkldnn_max_pool2d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21696 return at::_ops::mkldnn_max_pool2d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21701 return at::_ops::mkldnn_max_pool2d_backward_out::call(grad_output, output, input, kernel_size,
stride, padding, dilation, ceil_mode, out);
21705 return at::_ops::mkldnn_max_pool2d_backward_out::call(grad_output, output, input, kernel_size,
stride, padding, dilation, ceil_mode, out);
21710 return at::_ops::mkldnn_max_pool3d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21714 return at::_ops::mkldnn_max_pool3d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21719 return at::_ops::mkldnn_max_pool3d_backward_out::call(grad_output, output, input, kernel_size,
stride, padding, dilation, ceil_mode, out);
21723 return at::_ops::mkldnn_max_pool3d_backward_out::call(grad_output, output, input, kernel_size,
stride, padding, dilation, ceil_mode, out);
21728 return at::_ops::quantized_max_pool1d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21732 return at::_ops::quantized_max_pool1d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21737 return at::_ops::quantized_max_pool2d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21741 return at::_ops::quantized_max_pool2d_out::call(self, kernel_size,
stride, padding, dilation, ceil_mode, out);
21746 return at::_ops::median_out::call(self, out);
21750 return at::_ops::median_out::call(self, out);
21755 return at::_ops::nanmedian_out::call(self, out);
21759 return at::_ops::nanmedian_out::call(self, out);
21764 return at::_ops::_mps_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, out);
21768 return at::_ops::_mps_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, out);
21772inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21773 return at::_ops::mps_convolution_backward_out::call(self, grad_output, weight, padding,
stride, dilation, groups, output_mask, out0, out1, out2);
21776inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21777 return at::_ops::mps_convolution_backward_out::call(self, grad_output, weight, padding,
stride, dilation, groups, output_mask, out0, out1, out2);
21782 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, out);
21785 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21787 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, out);
21793 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, out);
21796 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21798 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, out);
21804 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, out);
21807 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21809 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, out);
21815 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, out);
21818 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21820 return at::_ops::mkldnn_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, out);
21825inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21826 return at::_ops::mkldnn_rnn_layer_out::call(input, weight0, weight1, weight2, weight3, hx_, cx_, reverse, batch_sizes,
mode, hidden_size, num_layers, has_biases, bidirectional, batch_first, train, out0, out1, out2, out3);
21829inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21830 return at::_ops::mkldnn_rnn_layer_out::call(input, weight0, weight1, weight2, weight3, hx_, cx_, reverse, batch_sizes,
mode, hidden_size, num_layers, has_biases, bidirectional, batch_first, train, out0, out1, out2, out3);
21834inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21835 return at::_ops::mkldnn_rnn_layer_backward_out::call(input, weight1, weight2, weight3, weight4, hx_, cx_tmp, output, hy_, cy_, grad_output, grad_hy, grad_cy, reverse,
mode, hidden_size, num_layers, has_biases, train, bidirectional, batch_sizes, batch_first, workspace, out0, out1, out2, out3, out4, out5, out6);
21838inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21839 return at::_ops::mkldnn_rnn_layer_backward_out::call(input, weight1, weight2, weight3, weight4, hx_, cx_tmp, output, hy_, cy_, grad_output, grad_hy, grad_cy, reverse,
mode, hidden_size, num_layers, has_biases, train, bidirectional, batch_sizes, batch_first, workspace, out0, out1, out2, out3, out4, out5, out6);
21843inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21844 return at::_ops::miopen_batch_norm_out::call(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon, out0, out1, out2);
21847inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21848 return at::_ops::miopen_batch_norm_out::call(input, weight, bias, running_mean, running_var, training, exponential_average_factor, epsilon, out0, out1, out2);
21852inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21853 return at::_ops::miopen_batch_norm_backward_out::call(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, out0, out1, out2);
21856inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21857 return at::_ops::miopen_batch_norm_backward_out::call(input, grad_output, weight, running_mean, running_var, save_mean, save_var, epsilon, out0, out1, out2);
21862 return at::_ops::miopen_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21865 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21867 return at::_ops::miopen_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21873 return at::_ops::miopen_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21876 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21878 return at::_ops::miopen_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21884 return at::_ops::miopen_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21887 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21889 return at::_ops::miopen_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21895 return at::_ops::miopen_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21898 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21900 return at::_ops::miopen_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21905inline at::Tensor &
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) {
21906 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding),
stride, dilation, groups, benchmark, deterministic, out);
21909 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21910 at::Tensor &
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) {
21911 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding),
stride, dilation, groups, benchmark, deterministic, out);
21916inline at::Tensor &
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) {
21917 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding),
stride, dilation, groups, benchmark, deterministic, out);
21920 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21921 at::Tensor &
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) {
21922 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding), c10::fromIntArrayRefSlow(output_padding),
stride, dilation, groups, benchmark, deterministic, out);
21927inline at::Tensor &
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) {
21928 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, out);
21931 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21932 at::Tensor &
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) {
21933 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, out);
21938inline at::Tensor &
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) {
21939 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, out);
21942 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21943 at::Tensor &
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) {
21944 return at::_ops::miopen_convolution_transpose_out::call(self, weight, bias, padding, output_padding,
stride, dilation, groups, benchmark, deterministic, out);
21950 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21953 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21955 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21961 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21964 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
21966 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, dilation, groups, benchmark, deterministic, out);
21972 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21975 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21977 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21983 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21986 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
21988 return at::_ops::miopen_depthwise_convolution_out::call(self, weight, bias, padding,
stride, dilation, groups, benchmark, deterministic, out);
21993inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21994 return at::_ops::miopen_rnn_out::call(input, weight, weight_stride0, hx, cx,
mode, hidden_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, out0, out1, out2, out3, out4);
21997inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
21998 return at::_ops::miopen_rnn_out::call(input, weight, weight_stride0, hx, cx,
mode, hidden_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, out0, out1, out2, out3, out4);
22002inline void 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) {
22003 return at::_ops::miopen_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask, out0, out1, out2, out3);
22006inline void 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) {
22007 return at::_ops::miopen_rnn_backward_out::call(input, weight, weight_stride0, weight_buf, hx, cx, output, grad_output, grad_hy, grad_cy,
mode, hidden_size, num_layers, batch_first,
dropout, train, bidirectional, batch_sizes, dropout_state, reserve, output_mask, out0, out1, out2, out3);
22012 return at::_ops::_sparse_sparse_matmul_out::call(self, other, out);
22016 return at::_ops::_sparse_sparse_matmul_out::call(self, other, out);
22021 return at::_ops::mul_Scalar_out::call(self, other, out);
22025 return at::_ops::mul_Scalar_out::call(self, other, out);
22029inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
22030 return at::_ops::_native_batch_norm_legit_functional::call(input, weight, bias, running_mean, running_var, training, momentum, eps);
22035 return at::_ops::batch_norm_stats_out::call(input, eps, out0, out1);
22039 return at::_ops::batch_norm_stats_out::call(input, eps, out0, out1);
22043inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
22044 return at::_ops::batch_norm_gather_stats_out::call(input,
mean, invstd, running_mean, running_var, momentum, eps, count, out0, out1);
22047inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
22048 return at::_ops::batch_norm_gather_stats_out::call(input,
mean, invstd, running_mean, running_var, momentum, eps, count, out0, out1);
22052inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
22053 return at::_ops::batch_norm_gather_stats_with_counts_out::call(input,
mean, invstd, running_mean, running_var, momentum, eps, counts, out0, out1);
22056inline ::std::tuple<at::Tensor &,at::Tensor &>
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) {
22057 return at::_ops::batch_norm_gather_stats_with_counts_out::call(input,
mean, invstd, running_mean, running_var, momentum, eps, counts, out0, out1);
22061inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
22062 return at::_ops::native_batch_norm_backward_out::call(grad_out, input, weight, running_mean, running_var, save_mean, save_invstd, train, eps, output_mask, out0, out1, out2);
22065inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
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) {
22066 return at::_ops::native_batch_norm_backward_out::call(grad_out, input, weight, running_mean, running_var, save_mean, save_invstd, train, eps, output_mask, out0, out1, out2);
22070inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
22071 return at::_ops::batch_norm_backward_reduce_out::call(grad_out, input,
mean, invstd, weight, input_g, weight_g, bias_g, out0, out1, out2, out3);
22074inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
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) {
22075 return at::_ops::batch_norm_backward_reduce_out::call(grad_out, input,
mean, invstd, weight, input_g, weight_g, bias_g, out0, out1, out2, out3);
22080 return at::_ops::batch_norm_backward_elemt_out::call(grad_out, input,
mean, invstd, weight, mean_dy, mean_dy_xmu, count, out);
22084 return at::_ops::batch_norm_backward_elemt_out::call(grad_out, input,
mean, invstd, weight, mean_dy, mean_dy_xmu, count, out);
22089 return at::_ops::batch_norm_update_stats_out::call(input, running_mean, running_var, momentum, out0, out1);
22093 return at::_ops::batch_norm_update_stats_out::call(input, running_mean, running_var, momentum, out0, out1);
22098 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, out);
22101 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22103 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, out);
22109 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, out);
22112 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22114 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, c10::fromIntArrayRefSlow(padding),
stride, out);
22120 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, padding,
stride, out);
22123 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22125 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, padding,
stride, out);
22131 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, padding,
stride, out);
22134 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22136 return at::_ops::_nnpack_spatial_convolution_out::call(input, weight, bias, padding,
stride, out);
22142 return at::_ops::ones_names_out::call(
size, names, out);
22146 return at::_ops::ones_names_out::call(
size, names, out);
22151 return at::_ops::ones_like_out::call(self, memory_format, out);
22155 return at::_ops::ones_like_out::call(self, memory_format, out);
22160 return at::_ops::_euclidean_dist_out::call(x1, x2, out);
22164 return at::_ops::_euclidean_dist_out::call(x1, x2, out);
22169 return at::_ops::_cdist_forward_out::call(x1, x2, p, compute_mode, out);
22173 return at::_ops::_cdist_forward_out::call(x1, x2, p, compute_mode, out);
22178 return at::_ops::_cdist_backward_out::call(grad, x1, x2, p,
cdist, out);
22182 return at::_ops::_cdist_backward_out::call(grad, x1, x2, p,
cdist, out);
22187 return at::_ops::_pdist_forward_out::call(self, p, out);
22191 return at::_ops::_pdist_forward_out::call(self, p, out);
22196 return at::_ops::_pdist_backward_out::call(grad, self, p,
pdist, out);
22200 return at::_ops::_pdist_backward_out::call(grad, self, p,
pdist, out);
22205 return at::_ops::pixel_shuffle_out::call(self, upscale_factor, out);
22209 return at::_ops::pixel_shuffle_out::call(self, upscale_factor, out);
22214 return at::_ops::pixel_unshuffle_out::call(self, downscale_factor, out);
22218 return at::_ops::pixel_unshuffle_out::call(self, downscale_factor, out);
22223 return at::_ops::channel_shuffle_out::call(self, groups, out);
22227 return at::_ops::channel_shuffle_out::call(self, groups, out);
22232 return at::_ops::_pin_memory_out::call(self, device, out);
22236 return at::_ops::_pin_memory_out::call(self, device, out);
22241 return at::_ops::scalar_tensor_out::call(s, out);
22245 return at::_ops::scalar_tensor_out::call(s, out);
22250 return at::_ops::rand_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22253 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22255 return at::_ops::rand_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22261 return at::_ops::rand_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22264 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22266 return at::_ops::rand_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22272 return at::_ops::rand_names_out::call(
size, names, out);
22275 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22277 return at::_ops::rand_names_out::call(
size, names, out);
22283 return at::_ops::rand_names_out::call(
size, names, out);
22286 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22288 return at::_ops::rand_names_out::call(
size, names, out);
22294 return at::_ops::rand_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22297 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22299 return at::_ops::rand_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22305 return at::_ops::rand_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22308 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22310 return at::_ops::rand_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22316 return at::_ops::rand_generator_with_names_out::call(
size, generator, names, out);
22319 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22321 return at::_ops::rand_generator_with_names_out::call(
size, generator, names, out);
22327 return at::_ops::rand_generator_with_names_out::call(
size, generator, names, out);
22330 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22332 return at::_ops::rand_generator_with_names_out::call(
size, generator, names, out);
22338 return at::_ops::rand_like_out::call(self, memory_format, out);
22342 return at::_ops::rand_like_out::call(self, memory_format, out);
22347 return at::_ops::randint_like_out::call(self, high, memory_format, out);
22351 return at::_ops::randint_like_out::call(self, high, memory_format, out);
22356 return at::_ops::randint_like_low_dtype_out::call(self, low, high, memory_format, out);
22360 return at::_ops::randint_like_low_dtype_out::call(self, low, high, memory_format, out);
22365 return at::_ops::randn_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22368 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22370 return at::_ops::randn_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22376 return at::_ops::randn_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22379 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22381 return at::_ops::randn_names_out::call(c10::fromIntArrayRefSlow(
size), names, out);
22387 return at::_ops::randn_names_out::call(
size, names, out);
22390 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22392 return at::_ops::randn_names_out::call(
size, names, out);
22398 return at::_ops::randn_names_out::call(
size, names, out);
22401 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22403 return at::_ops::randn_names_out::call(
size, names, out);
22409 return at::_ops::randn_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22412 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22414 return at::_ops::randn_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22420 return at::_ops::randn_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22423 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22425 return at::_ops::randn_generator_with_names_out::call(c10::fromIntArrayRefSlow(
size), generator, names, out);
22431 return at::_ops::randn_generator_with_names_out::call(
size, generator, names, out);
22434 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22436 return at::_ops::randn_generator_with_names_out::call(
size, generator, names, out);
22442 return at::_ops::randn_generator_with_names_out::call(
size, generator, names, out);
22445 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22447 return at::_ops::randn_generator_with_names_out::call(
size, generator, names, out);
22453 return at::_ops::randn_like_out::call(self, memory_format, out);
22457 return at::_ops::randn_like_out::call(self, memory_format, out);
22462 return at::_ops::repeat_out::call(self, c10::fromIntArrayRefSlow(repeats), out);
22465 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22467 return at::_ops::repeat_out::call(self, c10::fromIntArrayRefSlow(repeats), out);
22473 return at::_ops::repeat_out::call(self, c10::fromIntArrayRefSlow(repeats), out);
22476 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22478 return at::_ops::repeat_out::call(self, c10::fromIntArrayRefSlow(repeats), out);
22484 return at::_ops::repeat_out::call(self, repeats, out);
22487 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22489 return at::_ops::repeat_out::call(self, repeats, out);
22495 return at::_ops::repeat_out::call(self, repeats, out);
22498 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22500 return at::_ops::repeat_out::call(self, repeats, out);
22506 return at::_ops::repeat_interleave_Tensor_out::call(repeats, output_size, out);
22510 return at::_ops::repeat_interleave_Tensor_out::call(repeats, output_size, out);
22515 return at::_ops::_mkldnn_reshape_out::call(self, shape, out);
22519 return at::_ops::_mkldnn_reshape_out::call(self, shape, out);
22524 return at::_ops::relu_out::call(self, out);
22528 return at::_ops::relu_out::call(self, out);
22533 return at::_ops::select_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim,
index, out);
22536 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22538 return at::_ops::select_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim,
index, out);
22544 return at::_ops::select_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim,
index, out);
22547 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22549 return at::_ops::select_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim,
index, out);
22555 return at::_ops::select_backward_out::call(grad_output, input_sizes, dim,
index, out);
22558 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22560 return at::_ops::select_backward_out::call(grad_output, input_sizes, dim,
index, out);
22566 return at::_ops::select_backward_out::call(grad_output, input_sizes, dim,
index, out);
22569 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22571 return at::_ops::select_backward_out::call(grad_output, input_sizes, dim,
index, out);
22577 return at::_ops::celu_out::call(self, alpha, out);
22581 return at::_ops::celu_out::call(self, alpha, out);
22586 return at::_ops::slice_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim, start, end, step, out);
22589 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22591 return at::_ops::slice_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim, start, end, step, out);
22597 return at::_ops::slice_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim, start, end, step, out);
22600 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22602 return at::_ops::slice_backward_out::call(grad_output, c10::fromIntArrayRefSlow(input_sizes), dim, start, end, step, out);
22608 return at::_ops::slice_backward_out::call(grad_output, input_sizes, dim, start, end, step, out);
22611 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22613 return at::_ops::slice_backward_out::call(grad_output, input_sizes, dim, start, end, step, out);
22619 return at::_ops::slice_backward_out::call(grad_output, input_sizes, dim, start, end, step, out);
22622 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22624 return at::_ops::slice_backward_out::call(grad_output, input_sizes, dim, start, end, step, out);
22633 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22644 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22652 return at::_ops::slice_scatter_out::call(self, src, dim, start, end, step, out);
22655 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22657 return at::_ops::slice_scatter_out::call(self, src, dim, start, end, step, out);
22663 return at::_ops::slice_scatter_out::call(self, src, dim, start, end, step, out);
22666 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22668 return at::_ops::slice_scatter_out::call(self, src, dim, start, end, step, out);
22674 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22677 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22679 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22685 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22688 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22690 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22696 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22699 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22701 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22707 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22710 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22712 return at::_ops::select_scatter_out::call(self, src, dim,
index, out);
22718 return at::_ops::diagonal_scatter_out::call(self, src, offset, dim1, dim2, out);
22722 return at::_ops::diagonal_scatter_out::call(self, src, offset, dim1, dim2, out);
22727 return at::_ops::as_strided_scatter_out::call(self, src, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt, out);
22730 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22732 return at::_ops::as_strided_scatter_out::call(self, src, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt, out);
22741 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22749 return at::_ops::as_strided_scatter_out::call(self, src,
size,
stride, storage_offset, out);
22752 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22754 return at::_ops::as_strided_scatter_out::call(self, src,
size,
stride, storage_offset, out);
22760 return at::_ops::as_strided_scatter_out::call(self, src,
size,
stride, storage_offset, out);
22763 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22765 return at::_ops::as_strided_scatter_out::call(self, src,
size,
stride, storage_offset, out);
22771 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22774 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22776 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22782 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22785 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22787 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22793 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22796 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22798 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22804 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22807 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22809 return at::_ops::unsafe_split_Tensor_out::call(self, split_size, dim, out);
22815 return at::_ops::unsafe_split_with_sizes_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
22818 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22820 return at::_ops::unsafe_split_with_sizes_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
22826 return at::_ops::unsafe_split_with_sizes_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
22829 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
22831 return at::_ops::unsafe_split_with_sizes_out::call(self, c10::fromIntArrayRefSlow(split_sizes), dim, out);
22837 return at::_ops::unsafe_split_with_sizes_out::call(self, split_sizes, dim, out);
22840 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22842 return at::_ops::unsafe_split_with_sizes_out::call(self, split_sizes, dim, out);
22848 return at::_ops::unsafe_split_with_sizes_out::call(self, split_sizes, dim, out);
22851 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
22853 return at::_ops::unsafe_split_with_sizes_out::call(self, split_sizes, dim, out);
22859 return at::_ops::sum_out::call(self, dtype, out);
22863 return at::_ops::sum_out::call(self, dtype, out);
22868 return at::_ops::std_mean_correction_out::call(self, dim, correction, keepdim, out0, out1);
22872 return at::_ops::std_mean_correction_out::call(self, dim, correction, keepdim, out0, out1);
22877 return at::_ops::prod_out::call(self, dtype, out);
22881 return at::_ops::prod_out::call(self, dtype, out);
22886 return at::_ops::_mkldnn_transpose_out::call(self, dim0, dim1, out);
22890 return at::_ops::_mkldnn_transpose_out::call(self, dim0, dim1, out);
22895 return at::_ops::flip_out::call(self, dims, out);
22899 return at::_ops::flip_out::call(self, dims, out);
22904 return at::_ops::roll_out::call(self, shifts, dims, out);
22908 return at::_ops::roll_out::call(self, shifts, dims, out);
22913 return at::_ops::rot90_out::call(self, k, dims, out);
22917 return at::_ops::rot90_out::call(self, k, dims, out);
22922 return at::_ops::_transform_bias_rescale_qkv_out::call(qkv, qkv_bias, num_heads, out0, out1, out2);
22926 return at::_ops::_transform_bias_rescale_qkv_out::call(qkv, qkv_bias, num_heads, out0, out1, out2);
22931 return at::_ops::_nested_tensor_from_mask_out::call(
t, mask, mask_check, out);
22935 return at::_ops::_nested_tensor_from_mask_out::call(
t, mask, mask_check, out);
22940 return at::_ops::_nested_from_padded_out::call(padded, cpu_nested_shape_example, fuse_transform_0213, out);
22944 return at::_ops::_nested_from_padded_out::call(padded, cpu_nested_shape_example, fuse_transform_0213, out);
22949 return at::_ops::_nested_tensor_size_out::call(self, out);
22953 return at::_ops::_nested_tensor_size_out::call(self, out);
22958 return at::_ops::_nested_tensor_strides_out::call(self, out);
22962 return at::_ops::_nested_tensor_strides_out::call(self, out);
22967 return at::_ops::_nested_from_padded_and_nested_example_out::call(padded, nt_example, out);
22971 return at::_ops::_nested_from_padded_and_nested_example_out::call(padded, nt_example, out);
22976 return at::_ops::_nested_view_from_buffer_copy_out::call(self, nested_size, nested_strides, offsets, out);
22980 return at::_ops::_nested_view_from_buffer_copy_out::call(self, nested_size, nested_strides, offsets, out);
22985 return at::_ops::_trilinear_out::call(i1, i2, i3, expand1, expand2, expand3, sumdim, unroll_dim, out);
22989 return at::_ops::_trilinear_out::call(i1, i2, i3, expand1, expand2, expand3, sumdim, unroll_dim, out);
22994 return at::_ops::_unique_out::call(self, sorted, return_inverse, out0, out1);
22998 return at::_ops::_unique_out::call(self, sorted, return_inverse, out0, out1);
23003 return at::_ops::unique_dim_out::call(self, dim, sorted, return_inverse, return_counts, out0, out1, out2);
23007 return at::_ops::unique_dim_out::call(self, dim, sorted, return_inverse, return_counts, out0, out1, out2);
23012 return at::_ops::unique_consecutive_out::call(self, return_inverse, return_counts, dim, out0, out1, out2);
23016 return at::_ops::unique_consecutive_out::call(self, return_inverse, return_counts, dim, out0, out1, out2);
23021 return at::_ops::unique_dim_consecutive_out::call(self, dim, return_inverse, return_counts, out0, out1, out2);
23025 return at::_ops::unique_dim_consecutive_out::call(self, dim, return_inverse, return_counts, out0, out1, out2);
23030 return at::_ops::_unique2_out::call(self, sorted, return_inverse, return_counts, out0, out1, out2);
23034 return at::_ops::_unique2_out::call(self, sorted, return_inverse, return_counts, out0, out1, out2);
23039 return at::_ops::_unsafe_view_out::call(self, c10::fromIntArrayRefSlow(
size), out);
23042 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23044 return at::_ops::_unsafe_view_out::call(self, c10::fromIntArrayRefSlow(
size), out);
23050 return at::_ops::_unsafe_view_out::call(self, c10::fromIntArrayRefSlow(
size), out);
23053 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23055 return at::_ops::_unsafe_view_out::call(self, c10::fromIntArrayRefSlow(
size), out);
23061 return at::_ops::_unsafe_view_out::call(self,
size, out);
23064 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23066 return at::_ops::_unsafe_view_out::call(self,
size, out);
23072 return at::_ops::_unsafe_view_out::call(self,
size, out);
23075 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23077 return at::_ops::_unsafe_view_out::call(self,
size, out);
23083 return at::_ops::var_mean_correction_out::call(self, dim, correction, keepdim, out0, out1);
23087 return at::_ops::var_mean_correction_out::call(self, dim, correction, keepdim, out0, out1);
23092 return at::_ops::_weight_norm_interface_out::call(v, g, dim, out0, out1);
23096 return at::_ops::_weight_norm_interface_out::call(v, g, dim, out0, out1);
23101 return at::_ops::_weight_norm_interface_backward_out::call(grad_w, saved_v, saved_g, saved_norms, dim, out0, out1);
23105 return at::_ops::_weight_norm_interface_backward_out::call(grad_w, saved_v, saved_g, saved_norms, dim, out0, out1);
23110 return at::_ops::zeros_names_out::call(
size, names, out);
23114 return at::_ops::zeros_names_out::call(
size, names, out);
23119 return at::_ops::_efficientzerotensor_out::call(
size, out);
23123 return at::_ops::_efficientzerotensor_out::call(
size, out);
23128 return at::_ops::zeros_like_out::call(self, memory_format, out);
23132 return at::_ops::zeros_like_out::call(self, memory_format, out);
23137 return at::_ops::_standard_gamma_grad_out::call(self, output, out);
23141 return at::_ops::_standard_gamma_grad_out::call(self, output, out);
23146 return at::_ops::_standard_gamma_out::call(self, generator, out);
23150 return at::_ops::_standard_gamma_out::call(self, generator, out);
23155 return at::_ops::_dirichlet_grad_out::call(x, alpha, total, out);
23159 return at::_ops::_dirichlet_grad_out::call(x, alpha, total, out);
23164 return at::_ops::_sample_dirichlet_out::call(self, generator, out);
23168 return at::_ops::_sample_dirichlet_out::call(self, generator, out);
23173 return at::_ops::poisson_out::call(self, generator, out);
23177 return at::_ops::poisson_out::call(self, generator, out);
23182 return at::_ops::binomial_out::call(count, prob, generator, out);
23186 return at::_ops::binomial_out::call(count, prob, generator, out);
23191 return at::_ops::native_norm_out::call(self, p, out);
23195 return at::_ops::native_norm_out::call(self, p, out);
23200 return at::_ops::native_norm_ScalarOpt_dim_dtype_out::call(self, p, dim, keepdim, dtype, out);
23204 return at::_ops::native_norm_ScalarOpt_dim_dtype_out::call(self, p, dim, keepdim, dtype, out);
23209 return at::_ops::_sparse_sum_dim_out::call(self, dim, out);
23213 return at::_ops::_sparse_sum_dim_out::call(self, dim, out);
23218 return at::_ops::_sparse_sum_backward_out::call(grad, self, dim, out);
23222 return at::_ops::_sparse_sum_backward_out::call(grad, self, dim, out);
23227 return at::_ops::_sparse_csr_sum_dim_dtype_out::call(self, dim, keepdim, dtype, out);
23231 return at::_ops::_sparse_csr_sum_dim_dtype_out::call(self, dim, keepdim, dtype, out);
23236 return at::_ops::_sparse_csr_prod_dim_dtype_out::call(self, dim, keepdim, dtype, out);
23240 return at::_ops::_sparse_csr_prod_dim_dtype_out::call(self, dim, keepdim, dtype, out);
23245 return at::_ops::_sparse_softmax_out::call(self, dim, half_to_float, out);
23249 return at::_ops::_sparse_softmax_out::call(self, dim, half_to_float, out);
23254 return at::_ops::_sparse_softmax_backward_data_out::call(grad_output, output, dim, self, out);
23258 return at::_ops::_sparse_softmax_backward_data_out::call(grad_output, output, dim, self, out);
23263 return at::_ops::_sparse_log_softmax_out::call(self, dim, half_to_float, out);
23267 return at::_ops::_sparse_log_softmax_out::call(self, dim, half_to_float, out);
23272 return at::_ops::_sparse_log_softmax_backward_data_out::call(grad_output, output, dim, self, out);
23276 return at::_ops::_sparse_log_softmax_backward_data_out::call(grad_output, output, dim, self, out);
23281 return at::_ops::_spdiags_out::call(diagonals, offsets, shape, layout, out);
23285 return at::_ops::_spdiags_out::call(diagonals, offsets, shape, layout, out);
23290 return at::_ops::norm_ScalarOpt_dtype_out::call(self, p, dtype, out);
23294 return at::_ops::norm_ScalarOpt_dtype_out::call(self, p, dtype, out);
23299 return at::_ops::norm_Scalar_out::call(self, p, out);
23303 return at::_ops::norm_Scalar_out::call(self, p, out);
23308 return at::_ops::clone_out::call(self, memory_format, out);
23312 return at::_ops::clone_out::call(self, memory_format, out);
23317 return at::_ops::resize_as_out::call(self, the_template, memory_format, out);
23321 return at::_ops::resize_as_out::call(self, the_template, memory_format, out);
23326 return at::_ops::resize_as::call(self, the_template, memory_format);
23331 return at::_ops::resize_as_sparse_out::call(self, the_template, out);
23335 return at::_ops::resize_as_sparse_out::call(self, the_template, out);
23340 return at::_ops::resize_as_sparse::call(self, the_template);
23345 return at::_ops::zero_out::call(self, out);
23349 return at::_ops::zero_out::call(self, out);
23354 return at::_ops::zero::call(self);
23359 return at::_ops::sub_Scalar_out::call(self, other, alpha, out);
23363 return at::_ops::sub_Scalar_out::call(self, other, alpha, out);
23368 return at::_ops::rsub_Tensor_out::call(self, other, alpha, out);
23372 return at::_ops::rsub_Tensor_out::call(self, other, alpha, out);
23377 return at::_ops::rsub_Scalar_out::call(self, other, alpha, out);
23381 return at::_ops::rsub_Scalar_out::call(self, other, alpha, out);
23386 return at::_ops::_sparse_addmm_out::call(self, mat1, mat2, beta, alpha, out);
23390 return at::_ops::_sparse_addmm_out::call(self, mat1, mat2, beta, alpha, out);
23395 return at::_ops::sparse_coo_tensor_size_out::call(
size, out);
23399 return at::_ops::sparse_coo_tensor_size_out::call(
size, out);
23404 return at::_ops::_sparse_coo_tensor_with_dims_out::call(sparse_dim, dense_dim,
size, out);
23408 return at::_ops::_sparse_coo_tensor_with_dims_out::call(sparse_dim, dense_dim,
size, out);
23413 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, out);
23416 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23418 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, out);
23424 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, out);
23427 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23429 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim, c10::fromIntArrayRefSlow(
size), indices, values, out);
23435 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim,
size, indices, values, out);
23438 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23440 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim,
size, indices, values, out);
23446 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim,
size, indices, values, out);
23449 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23451 return at::_ops::_sparse_coo_tensor_with_dims_and_tensors_out::call(sparse_dim, dense_dim,
size, indices, values, out);
23457 return at::_ops::sparse_resize_out::call(self,
size, sparse_dim, dense_dim, out);
23461 return at::_ops::sparse_resize_out::call(self,
size, sparse_dim, dense_dim, out);
23466 return at::_ops::sparse_resize::call(self,
size, sparse_dim, dense_dim);
23471 return at::_ops::sparse_resize_and_clear_out::call(self,
size, sparse_dim, dense_dim, out);
23475 return at::_ops::sparse_resize_and_clear_out::call(self,
size, sparse_dim, dense_dim, out);
23480 return at::_ops::sparse_resize_and_clear::call(self,
size, sparse_dim, dense_dim);
23485 return at::_ops::sparse_mask_out::call(self, mask, out);
23489 return at::_ops::sparse_mask_out::call(self, mask, out);
23494 return at::_ops::_to_dense_out::call(self, dtype, out);
23498 return at::_ops::_to_dense_out::call(self, dtype, out);
23503 return at::_ops::_coalesce_out::call(self, out);
23507 return at::_ops::_coalesce_out::call(self, out);
23512 return at::_ops::_coalesced_out::call(self, coalesced, out);
23516 return at::_ops::_coalesced_out::call(self, coalesced, out);
23521 return at::_ops::_coalesced::call(self, coalesced);
23526 return at::_ops::copy_sparse_to_sparse_out::call(self, src, non_blocking, out);
23530 return at::_ops::copy_sparse_to_sparse_out::call(self, src, non_blocking, out);
23535 return at::_ops::copy_sparse_to_sparse::call(self, src, non_blocking);
23540 return at::_ops::to_sparse_sparse_dim_out::call(self, sparse_dim, out);
23544 return at::_ops::to_sparse_sparse_dim_out::call(self, sparse_dim, out);
23549 return at::_ops::to_sparse_out::call(self, layout, blocksize, dense_dim, out);
23553 return at::_ops::to_sparse_out::call(self, layout, blocksize, dense_dim, out);
23558 return at::_ops::to_sparse_csr_out::call(self, dense_dim, out);
23562 return at::_ops::to_sparse_csr_out::call(self, dense_dim, out);
23567 return at::_ops::to_sparse_csc_out::call(self, dense_dim, out);
23571 return at::_ops::to_sparse_csc_out::call(self, dense_dim, out);
23576 return at::_ops::to_sparse_bsr_out::call(self, blocksize, dense_dim, out);
23580 return at::_ops::to_sparse_bsr_out::call(self, blocksize, dense_dim, out);
23585 return at::_ops::to_sparse_bsc_out::call(self, blocksize, dense_dim, out);
23589 return at::_ops::to_sparse_bsc_out::call(self, blocksize, dense_dim, out);
23594 return at::_ops::to_mkldnn_out::call(self, dtype, out);
23598 return at::_ops::to_mkldnn_out::call(self, dtype, out);
23603 return at::_ops::mkldnn_reorder_conv2d_weight_out::call(self, padding,
stride, dilation, groups, input_size, out);
23607 return at::_ops::mkldnn_reorder_conv2d_weight_out::call(self, padding,
stride, dilation, groups, input_size, out);
23612 return at::_ops::mkldnn_reorder_conv3d_weight_out::call(self, padding,
stride, dilation, groups, out);
23616 return at::_ops::mkldnn_reorder_conv3d_weight_out::call(self, padding,
stride, dilation, groups, out);
23621 return at::_ops::quantize_per_tensor_dynamic_out::call(self, dtype, reduce_range, out);
23625 return at::_ops::quantize_per_tensor_dynamic_out::call(self, dtype, reduce_range, out);
23630 return at::_ops::quantize_per_tensor_out::call(self, scale, zero_point, dtype, out);
23634 return at::_ops::quantize_per_tensor_out::call(self, scale, zero_point, dtype, out);
23639 return at::_ops::quantize_per_tensor_tensor_qparams_out::call(self, scale, zero_point, dtype, out);
23643 return at::_ops::quantize_per_tensor_tensor_qparams_out::call(self, scale, zero_point, dtype, out);
23648 return at::_ops::quantize_per_tensor_tensors_out::call(tensors, scales, zero_points, dtype, out);
23652 return at::_ops::quantize_per_tensor_tensors_out::call(tensors, scales, zero_points, dtype, out);
23657 return at::_ops::quantize_per_channel_out::call(self, scales, zero_points, axis, dtype, out);
23661 return at::_ops::quantize_per_channel_out::call(self, scales, zero_points, axis, dtype, out);
23666 return at::_ops::dequantize_self_out::call(self, out);
23670 return at::_ops::dequantize_self_out::call(self, out);
23675 return at::_ops::dequantize_tensors_out::call(tensors, out);
23679 return at::_ops::dequantize_tensors_out::call(tensors, out);
23684 return at::_ops::q_per_channel_scales_out::call(self, out);
23688 return at::_ops::q_per_channel_scales_out::call(self, out);
23693 return at::_ops::q_per_channel_zero_points_out::call(self, out);
23697 return at::_ops::q_per_channel_zero_points_out::call(self, out);
23702 return at::_ops::int_repr_out::call(self, out);
23706 return at::_ops::int_repr_out::call(self, out);
23711 return at::_ops::_make_per_tensor_quantized_tensor_out::call(self, scale, zero_point, out);
23715 return at::_ops::_make_per_tensor_quantized_tensor_out::call(self, scale, zero_point, out);
23720 return at::_ops::_make_per_channel_quantized_tensor_out::call(self, scale, zero_point, axis, out);
23724 return at::_ops::_make_per_channel_quantized_tensor_out::call(self, scale, zero_point, axis, out);
23729 return at::_ops::fake_quantize_per_tensor_affine_cachemask_out::call(self, scale, zero_point, quant_min, quant_max, out0, out1);
23733 return at::_ops::fake_quantize_per_tensor_affine_cachemask_out::call(self, scale, zero_point, quant_min, quant_max, out0, out1);
23738 return at::_ops::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams_out::call(self, scale, zero_point, fake_quant_enabled, quant_min, quant_max, out0, out1);
23742 return at::_ops::_fake_quantize_per_tensor_affine_cachemask_tensor_qparams_out::call(self, scale, zero_point, fake_quant_enabled, quant_min, quant_max, out0, out1);
23747 return at::_ops::_fake_quantize_learnable_per_tensor_affine_out::call(self, scale, zero_point, quant_min, quant_max, grad_factor, out);
23751 return at::_ops::_fake_quantize_learnable_per_tensor_affine_out::call(self, scale, zero_point, quant_min, quant_max, grad_factor, out);
23756 return at::_ops::fake_quantize_per_channel_affine_cachemask_out::call(self, scale, zero_point, axis, quant_min, quant_max, out0, out1);
23760 return at::_ops::fake_quantize_per_channel_affine_cachemask_out::call(self, scale, zero_point, axis, quant_min, quant_max, out0, out1);
23765 return at::_ops::_fake_quantize_learnable_per_channel_affine_out::call(self, scale, zero_point, axis, quant_min, quant_max, grad_factor, out);
23769 return at::_ops::_fake_quantize_learnable_per_channel_affine_out::call(self, scale, zero_point, axis, quant_min, quant_max, grad_factor, out);
23773inline ::std::tuple<at::Tensor &,at::Tensor &>
_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) {
23774 return at::_ops::_fused_moving_avg_obs_fq_helper_out::call(self, observer_on, fake_quant_on, running_min, running_max, scale, zero_point, averaging_const, quant_min, quant_max, ch_axis, per_row_fake_quant, symmetric_quant, out0, out1);
23777inline ::std::tuple<at::Tensor &,at::Tensor &>
_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) {
23778 return at::_ops::_fused_moving_avg_obs_fq_helper_out::call(self, observer_on, fake_quant_on, running_min, running_max, scale, zero_point, averaging_const, quant_min, quant_max, ch_axis, per_row_fake_quant, symmetric_quant, out0, out1);
23782inline ::std::tuple<at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor,at::Tensor>
_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) {
23783 return at::_ops::_fused_moving_avg_obs_fq_helper_functional::call(self, observer_on, fake_quant_on, running_min, running_max, scale, zero_point, averaging_const, quant_min, quant_max, ch_axis, per_row_fake_quant, symmetric_quant);
23788 return at::_ops::_to_copy_out::call(self, non_blocking, memory_format, out);
23792 return at::_ops::_to_copy_out::call(self, non_blocking, memory_format, out);
23796inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
23797 return at::_ops::_lstm_mps_out::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first, out0, out1, out2, out3, out4, out5);
23800inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
23801 return at::_ops::_lstm_mps_out::call(input, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first, out0, out1, out2, out3, out4, out5);
23805inline void 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) {
23806 return at::_ops::lstm_mps_backward_out::call(grad_y, grad_hy, grad_cy, z_state, cell_state_fwd, input, layersOutputs, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first, out0, out1, out2);
23809inline void 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) {
23810 return at::_ops::lstm_mps_backward_out::call(grad_y, grad_hy, grad_cy, z_state, cell_state_fwd, input, layersOutputs, hx, params, has_biases, num_layers,
dropout, train, bidirectional, batch_first, out0, out1, out2);
23815 return at::_ops::_thnn_fused_lstm_cell_out::call(input_gates, hidden_gates, cx, input_bias, hidden_bias, out0, out1, out2);
23819 return at::_ops::_thnn_fused_lstm_cell_out::call(input_gates, hidden_gates, cx, input_bias, hidden_bias, out0, out1, out2);
23823inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
23824 return at::_ops::_thnn_fused_lstm_cell_backward_impl_out::call(grad_hy, grad_cy, cx, cy, workspace, has_bias, out0, out1, out2);
23827inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
23828 return at::_ops::_thnn_fused_lstm_cell_backward_impl_out::call(grad_hy, grad_cy, cx, cy, workspace, has_bias, out0, out1, out2);
23833 return at::_ops::_thnn_fused_gru_cell_out::call(input_gates, hidden_gates, hx, input_bias, hidden_bias, out0, out1);
23837 return at::_ops::_thnn_fused_gru_cell_out::call(input_gates, hidden_gates, hx, input_bias, hidden_bias, out0, out1);
23841inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
23842 return at::_ops::_thnn_fused_gru_cell_backward_out::call(grad_hy, workspace, has_bias, out0, out1, out2, out3, out4);
23845inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
23846 return at::_ops::_thnn_fused_gru_cell_backward_out::call(grad_hy, workspace, has_bias, out0, out1, out2, out3, out4);
23851 return at::_ops::_pack_padded_sequence_out::call(input, lengths, batch_first, out0, out1);
23855 return at::_ops::_pack_padded_sequence_out::call(input, lengths, batch_first, out0, out1);
23860 return at::_ops::set_source_Storage_out::call(self, source, out);
23864 return at::_ops::set_source_Storage_out::call(self, source, out);
23869 return at::_ops::set_source_Storage::call(self, source);
23874 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
23877 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23879 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
23885 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
23888 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23890 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
23896 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset,
size,
stride, out);
23899 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23901 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset,
size,
stride, out);
23907 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset,
size,
stride, out);
23910 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23912 return at::_ops::set_source_Storage_storage_offset_out::call(self, source, storage_offset,
size,
stride, out);
23918 return at::_ops::set_source_Storage_storage_offset::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
23921 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
23923 return at::_ops::set_source_Storage_storage_offset::call(self, source, storage_offset, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride));
23929 return at::_ops::set_source_Storage_storage_offset::call(self, source, storage_offset,
size,
stride);
23932 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
23934 return at::_ops::set_source_Storage_storage_offset::call(self, source, storage_offset,
size,
stride);
23940 return at::_ops::set_source_Tensor_out::call(self, source, out);
23944 return at::_ops::set_source_Tensor_out::call(self, source, out);
23949 return at::_ops::set_source_Tensor::call(self, source);
23954 return at::_ops::set_out::call(self, out);
23958 return at::_ops::set_out::call(self, out);
23963 return at::_ops::set::call(self);
23968 return at::_ops::lift_out::call(self, out);
23972 return at::_ops::lift_out::call(self, out);
23977 return at::_ops::lift_fresh_copy_out::call(self, out);
23981 return at::_ops::lift_fresh_copy_out::call(self, out);
23986 return at::_ops::masked_fill_Scalar_out::call(self, mask, value, out);
23990 return at::_ops::masked_fill_Scalar_out::call(self, mask, value, out);
23995 return at::_ops::masked_fill_Tensor_out::call(self, mask, value, out);
23999 return at::_ops::masked_fill_Tensor_out::call(self, mask, value, out);
24004 return at::_ops::masked_scatter_out::call(self, mask, source, out);
24008 return at::_ops::masked_scatter_out::call(self, mask, source, out);
24013 return at::_ops::_masked_softmax_out::call(self, mask, dim, mask_type, out);
24017 return at::_ops::_masked_softmax_out::call(self, mask, dim, mask_type, out);
24022 return at::_ops::_masked_softmax_backward_out::call(grad_output, output, mask, dim, out);
24026 return at::_ops::_masked_softmax_backward_out::call(grad_output, output, mask, dim, out);
24031 return at::_ops::put_out::call(self,
index, source, accumulate, out);
24035 return at::_ops::put_out::call(self,
index, source, accumulate, out);
24040 return at::_ops::index_fill_int_Scalar_out::call(self, dim,
index, value, out);
24044 return at::_ops::index_fill_int_Scalar_out::call(self, dim,
index, value, out);
24049 return at::_ops::index_fill_int_Tensor_out::call(self, dim,
index, value, out);
24053 return at::_ops::index_fill_int_Tensor_out::call(self, dim,
index, value, out);
24058 return at::_ops::bitwise_and_Scalar_Tensor_out::call(self, other, out);
24062 return at::_ops::bitwise_and_Scalar_Tensor_out::call(self, other, out);
24067 return at::_ops::bitwise_or_Scalar_Tensor_out::call(self, other, out);
24071 return at::_ops::bitwise_or_Scalar_Tensor_out::call(self, other, out);
24076 return at::_ops::bitwise_xor_Scalar_Tensor_out::call(self, other, out);
24080 return at::_ops::bitwise_xor_Scalar_Tensor_out::call(self, other, out);
24085 return at::_ops::__lshift___Scalar_out::call(self, other, out);
24089 return at::_ops::__lshift___Scalar_out::call(self, other, out);
24094 return at::_ops::__lshift___Tensor_out::call(self, other, out);
24098 return at::_ops::__lshift___Tensor_out::call(self, other, out);
24103 return at::_ops::bitwise_left_shift_Scalar_Tensor_out::call(self, other, out);
24107 return at::_ops::bitwise_left_shift_Scalar_Tensor_out::call(self, other, out);
24112 return at::_ops::__rshift___Scalar_out::call(self, other, out);
24116 return at::_ops::__rshift___Scalar_out::call(self, other, out);
24121 return at::_ops::__rshift___Tensor_out::call(self, other, out);
24125 return at::_ops::__rshift___Tensor_out::call(self, other, out);
24130 return at::_ops::bitwise_right_shift_Scalar_Tensor_out::call(self, other, out);
24134 return at::_ops::bitwise_right_shift_Scalar_Tensor_out::call(self, other, out);
24139 return at::_ops::random_from_out::call(self, from, to, generator, out);
24143 return at::_ops::random_from_out::call(self, from, to, generator, out);
24148 return at::_ops::random_from::call(self, from, to, generator);
24153 return at::_ops::random_to_out::call(self, to, generator, out);
24157 return at::_ops::random_to_out::call(self, to, generator, out);
24162 return at::_ops::random_to::call(self, to, generator);
24167 return at::_ops::random_out::call(self, generator, out);
24171 return at::_ops::random_out::call(self, generator, out);
24176 return at::_ops::random::call(self, generator);
24181 return at::_ops::uniform_out::call(self, from, to, generator, out);
24185 return at::_ops::uniform_out::call(self, from, to, generator, out);
24190 return at::_ops::uniform::call(self, from, to, generator);
24195 return at::_ops::cauchy_out::call(self,
median, sigma, generator, out);
24199 return at::_ops::cauchy_out::call(self,
median, sigma, generator, out);
24204 return at::_ops::cauchy::call(self,
median, sigma, generator);
24209 return at::_ops::log_normal_out::call(self,
mean,
std, generator, out);
24213 return at::_ops::log_normal_out::call(self,
mean,
std, generator, out);
24218 return at::_ops::log_normal::call(self,
mean,
std, generator);
24223 return at::_ops::exponential_out::call(self, lambd, generator, out);
24227 return at::_ops::exponential_out::call(self, lambd, generator, out);
24232 return at::_ops::exponential::call(self, lambd, generator);
24237 return at::_ops::geometric_out::call(self, p, generator, out);
24241 return at::_ops::geometric_out::call(self, p, generator, out);
24246 return at::_ops::geometric::call(self, p, generator);
24251 return at::_ops::tril_indices_out::call(row, col, offset, out);
24255 return at::_ops::tril_indices_out::call(row, col, offset, out);
24260 return at::_ops::triu_indices_out::call(row, col, offset, out);
24264 return at::_ops::triu_indices_out::call(row, col, offset, out);
24269 return at::_ops::trace_out::call(self, out);
24273 return at::_ops::trace_out::call(self, out);
24278 return at::_ops::_cholesky_solve_helper_out::call(self, A, upper, out);
24282 return at::_ops::_cholesky_solve_helper_out::call(self, A, upper, out);
24287 return at::_ops::dist_out::call(self, other, p, out);
24291 return at::_ops::dist_out::call(self, other, p, out);
24296 return at::_ops::_histogramdd_bin_edges_out::call(self, bins,
range, weight, density, out);
24300 return at::_ops::_histogramdd_bin_edges_out::call(self, bins,
range, weight, density, out);
24305 return at::_ops::_histogramdd_from_bin_cts_out::call(self, bins,
range, weight, density, out);
24309 return at::_ops::_histogramdd_from_bin_cts_out::call(self, bins,
range, weight, density, out);
24314 return at::_ops::_histogramdd_from_bin_tensors_out::call(self, bins, weight, density, out);
24318 return at::_ops::_histogramdd_from_bin_tensors_out::call(self, bins, weight, density, out);
24323 return at::_ops::remainder_Scalar_Tensor_out::call(self, other, out);
24327 return at::_ops::remainder_Scalar_Tensor_out::call(self, other, out);
24332 return at::_ops::argsort_stable_out::call(self, stable, dim, descending, out);
24336 return at::_ops::argsort_stable_out::call(self, stable, dim, descending, out);
24341 return at::_ops::unfold_backward_out::call(grad_in, c10::fromIntArrayRefSlow(input_sizes), dim,
size, step, out);
24344 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
24346 return at::_ops::unfold_backward_out::call(grad_in, c10::fromIntArrayRefSlow(input_sizes), dim,
size, step, out);
24352 return at::_ops::unfold_backward_out::call(grad_in, c10::fromIntArrayRefSlow(input_sizes), dim,
size, step, out);
24355 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
24357 return at::_ops::unfold_backward_out::call(grad_in, c10::fromIntArrayRefSlow(input_sizes), dim,
size, step, out);
24363 return at::_ops::unfold_backward_out::call(grad_in, input_sizes, dim,
size, step, out);
24366 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
24368 return at::_ops::unfold_backward_out::call(grad_in, input_sizes, dim,
size, step, out);
24374 return at::_ops::unfold_backward_out::call(grad_in, input_sizes, dim,
size, step, out);
24377 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
24379 return at::_ops::unfold_backward_out::call(grad_in, input_sizes, dim,
size, step, out);
24385 return at::_ops::normal_out::call(self,
mean,
std, generator, out);
24389 return at::_ops::normal_out::call(self,
mean,
std, generator, out);
24394 return at::_ops::_amp_foreach_non_finite_check_and_unscale_out::call(self, found_inf, inv_scale, out);
24398 return at::_ops::_amp_foreach_non_finite_check_and_unscale_out::call(self, found_inf, inv_scale, out);
24403 return at::_ops::_amp_foreach_non_finite_check_and_unscale::call(self, found_inf, inv_scale);
24408 return at::_ops::_amp_update_scale_out::call(self, growth_tracker, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval, out);
24412 return at::_ops::_amp_update_scale_out::call(self, growth_tracker, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval, out);
24417 return at::_ops::_amp_update_scale::call(self, growth_tracker, found_inf, scale_growth_factor, scale_backoff_factor, growth_interval);
24422 return at::_ops::_foreach_add_Scalar_out::call(self, scalar, out);
24426 return at::_ops::_foreach_add_Scalar_out::call(self, scalar, out);
24431 return at::_ops::_foreach_sub_Scalar_out::call(self, scalar, out);
24435 return at::_ops::_foreach_sub_Scalar_out::call(self, scalar, out);
24440 return at::_ops::_foreach_mul_Scalar_out::call(self, scalar, out);
24444 return at::_ops::_foreach_mul_Scalar_out::call(self, scalar, out);
24449 return at::_ops::_foreach_div_Scalar_out::call(self, scalar, out);
24453 return at::_ops::_foreach_div_Scalar_out::call(self, scalar, out);
24458 return at::_ops::_foreach_clamp_min_Scalar_out::call(self, scalar, out);
24462 return at::_ops::_foreach_clamp_min_Scalar_out::call(self, scalar, out);
24467 return at::_ops::_foreach_clamp_max_Scalar_out::call(self, scalar, out);
24471 return at::_ops::_foreach_clamp_max_Scalar_out::call(self, scalar, out);
24476 return at::_ops::_foreach_maximum_Scalar_out::call(self, scalar, out);
24480 return at::_ops::_foreach_maximum_Scalar_out::call(self, scalar, out);
24485 return at::_ops::_foreach_minimum_Scalar_out::call(self, scalar, out);
24489 return at::_ops::_foreach_minimum_Scalar_out::call(self, scalar, out);
24494 return at::_ops::_foreach_add_List_out::call(self, other, alpha, out);
24498 return at::_ops::_foreach_add_List_out::call(self, other, alpha, out);
24503 return at::_ops::_foreach_sub_List_out::call(self, other, alpha, out);
24507 return at::_ops::_foreach_sub_List_out::call(self, other, alpha, out);
24512 return at::_ops::_foreach_mul_List_out::call(self, other, out);
24516 return at::_ops::_foreach_mul_List_out::call(self, other, out);
24521 return at::_ops::_foreach_div_List_out::call(self, other, out);
24525 return at::_ops::_foreach_div_List_out::call(self, other, out);
24530 return at::_ops::_foreach_clamp_min_List_out::call(self, other, out);
24534 return at::_ops::_foreach_clamp_min_List_out::call(self, other, out);
24539 return at::_ops::_foreach_clamp_max_List_out::call(self, other, out);
24543 return at::_ops::_foreach_clamp_max_List_out::call(self, other, out);
24548 return at::_ops::_foreach_maximum_List_out::call(self, other, out);
24552 return at::_ops::_foreach_maximum_List_out::call(self, other, out);
24557 return at::_ops::_foreach_minimum_List_out::call(self, other, out);
24561 return at::_ops::_foreach_minimum_List_out::call(self, other, out);
24566 return at::_ops::_foreach_add_ScalarList_out::call(self, scalars, out);
24570 return at::_ops::_foreach_add_ScalarList_out::call(self, scalars, out);
24575 return at::_ops::_foreach_sub_ScalarList_out::call(self, scalars, out);
24579 return at::_ops::_foreach_sub_ScalarList_out::call(self, scalars, out);
24584 return at::_ops::_foreach_div_ScalarList_out::call(self, scalars, out);
24588 return at::_ops::_foreach_div_ScalarList_out::call(self, scalars, out);
24593 return at::_ops::_foreach_mul_ScalarList_out::call(self, scalars, out);
24597 return at::_ops::_foreach_mul_ScalarList_out::call(self, scalars, out);
24602 return at::_ops::_foreach_clamp_min_ScalarList_out::call(self, scalars, out);
24606 return at::_ops::_foreach_clamp_min_ScalarList_out::call(self, scalars, out);
24611 return at::_ops::_foreach_clamp_max_ScalarList_out::call(self, scalars, out);
24615 return at::_ops::_foreach_clamp_max_ScalarList_out::call(self, scalars, out);
24620 return at::_ops::_foreach_maximum_ScalarList_out::call(self, scalars, out);
24624 return at::_ops::_foreach_maximum_ScalarList_out::call(self, scalars, out);
24629 return at::_ops::_foreach_minimum_ScalarList_out::call(self, scalars, out);
24633 return at::_ops::_foreach_minimum_ScalarList_out::call(self, scalars, out);
24638 return at::_ops::_foreach_exp_out::call(self, out);
24642 return at::_ops::_foreach_exp_out::call(self, out);
24647 return at::_ops::_foreach_zero_out::call(self, out);
24651 return at::_ops::_foreach_zero_out::call(self, out);
24656 return at::_ops::_foreach_zero::call(self);
24661 return at::_ops::_foreach_sqrt_out::call(self, out);
24665 return at::_ops::_foreach_sqrt_out::call(self, out);
24670 return at::_ops::_foreach_abs_out::call(self, out);
24674 return at::_ops::_foreach_abs_out::call(self, out);
24679 return at::_ops::_foreach_acos_out::call(self, out);
24683 return at::_ops::_foreach_acos_out::call(self, out);
24688 return at::_ops::_foreach_asin_out::call(self, out);
24692 return at::_ops::_foreach_asin_out::call(self, out);
24697 return at::_ops::_foreach_atan_out::call(self, out);
24701 return at::_ops::_foreach_atan_out::call(self, out);
24706 return at::_ops::_foreach_ceil_out::call(self, out);
24710 return at::_ops::_foreach_ceil_out::call(self, out);
24715 return at::_ops::_foreach_cos_out::call(self, out);
24719 return at::_ops::_foreach_cos_out::call(self, out);
24724 return at::_ops::_foreach_cosh_out::call(self, out);
24728 return at::_ops::_foreach_cosh_out::call(self, out);
24733 return at::_ops::_foreach_erf_out::call(self, out);
24737 return at::_ops::_foreach_erf_out::call(self, out);
24742 return at::_ops::_foreach_erfc_out::call(self, out);
24746 return at::_ops::_foreach_erfc_out::call(self, out);
24751 return at::_ops::_foreach_expm1_out::call(self, out);
24755 return at::_ops::_foreach_expm1_out::call(self, out);
24760 return at::_ops::_foreach_floor_out::call(self, out);
24764 return at::_ops::_foreach_floor_out::call(self, out);
24769 return at::_ops::_foreach_log_out::call(self, out);
24773 return at::_ops::_foreach_log_out::call(self, out);
24778 return at::_ops::_foreach_log10_out::call(self, out);
24782 return at::_ops::_foreach_log10_out::call(self, out);
24787 return at::_ops::_foreach_log1p_out::call(self, out);
24791 return at::_ops::_foreach_log1p_out::call(self, out);
24796 return at::_ops::_foreach_log2_out::call(self, out);
24800 return at::_ops::_foreach_log2_out::call(self, out);
24805 return at::_ops::_foreach_neg_out::call(self, out);
24809 return at::_ops::_foreach_neg_out::call(self, out);
24814 return at::_ops::_foreach_tan_out::call(self, out);
24818 return at::_ops::_foreach_tan_out::call(self, out);
24823 return at::_ops::_foreach_tanh_out::call(self, out);
24827 return at::_ops::_foreach_tanh_out::call(self, out);
24832 return at::_ops::_foreach_sin_out::call(self, out);
24836 return at::_ops::_foreach_sin_out::call(self, out);
24841 return at::_ops::_foreach_sinh_out::call(self, out);
24845 return at::_ops::_foreach_sinh_out::call(self, out);
24850 return at::_ops::_foreach_round_out::call(self, out);
24854 return at::_ops::_foreach_round_out::call(self, out);
24859 return at::_ops::_foreach_lgamma_out::call(self, out);
24863 return at::_ops::_foreach_lgamma_out::call(self, out);
24868 return at::_ops::_foreach_frac_out::call(self, out);
24872 return at::_ops::_foreach_frac_out::call(self, out);
24877 return at::_ops::_foreach_reciprocal_out::call(self, out);
24881 return at::_ops::_foreach_reciprocal_out::call(self, out);
24886 return at::_ops::_foreach_sigmoid_out::call(self, out);
24890 return at::_ops::_foreach_sigmoid_out::call(self, out);
24895 return at::_ops::_foreach_trunc_out::call(self, out);
24899 return at::_ops::_foreach_trunc_out::call(self, out);
24904 return at::_ops::_foreach_addcdiv_Scalar_out::call(self, tensor1, tensor2, value, out);
24908 return at::_ops::_foreach_addcdiv_Scalar_out::call(self, tensor1, tensor2, value, out);
24913 return at::_ops::_foreach_addcmul_Scalar_out::call(self, tensor1, tensor2, value, out);
24917 return at::_ops::_foreach_addcmul_Scalar_out::call(self, tensor1, tensor2, value, out);
24922 return at::_ops::_foreach_addcdiv_ScalarList_out::call(self, tensor1, tensor2, scalars, out);
24926 return at::_ops::_foreach_addcdiv_ScalarList_out::call(self, tensor1, tensor2, scalars, out);
24931 return at::_ops::_foreach_addcdiv_Tensor_out::call(self, tensor1, tensor2, scalars, out);
24935 return at::_ops::_foreach_addcdiv_Tensor_out::call(self, tensor1, tensor2, scalars, out);
24940 return at::_ops::_foreach_addcmul_ScalarList_out::call(self, tensor1, tensor2, scalars, out);
24944 return at::_ops::_foreach_addcmul_ScalarList_out::call(self, tensor1, tensor2, scalars, out);
24949 return at::_ops::_foreach_addcmul_Tensor_out::call(self, tensor1, tensor2, scalars, out);
24953 return at::_ops::_foreach_addcmul_Tensor_out::call(self, tensor1, tensor2, scalars, out);
24958 return at::_ops::_foreach_norm_Scalar_out::call(self, ord, out);
24962 return at::_ops::_foreach_norm_Scalar_out::call(self, ord, out);
24967 return at::_ops::_foreach_lerp_List_out::call(self, tensors1, weights, out);
24971 return at::_ops::_foreach_lerp_List_out::call(self, tensors1, weights, out);
24976 return at::_ops::_foreach_lerp_Scalar_out::call(self, tensors1, weight, out);
24980 return at::_ops::_foreach_lerp_Scalar_out::call(self, tensors1, weight, out);
24985 return at::_ops::bucketize_Scalar_out::call(self, boundaries, out_int32, right, out);
24989 return at::_ops::bucketize_Scalar_out::call(self, boundaries, out_int32, right, out);
24994 return at::_ops::searchsorted_Scalar_out::call(sorted_sequence, self, out_int32, right, side, sorter, out);
24998 return at::_ops::searchsorted_Scalar_out::call(sorted_sequence, self, out_int32, right, side, sorter, out);
25003 return at::_ops::glu_jvp_out::call(
glu, x, dx, dim, out);
25007 return at::_ops::glu_jvp_out::call(
glu, x, dx, dim, out);
25012 return at::_ops::glu_backward_jvp_out::call(grad_x, grad_glu, x, dgrad_glu, dx, dim, out);
25016 return at::_ops::glu_backward_jvp_out::call(grad_x, grad_glu, x, dgrad_glu, dx, dim, out);
25021 return at::_ops::hardswish_backward_out::call(grad_output, self, out);
25025 return at::_ops::hardswish_backward_out::call(grad_output, self, out);
25030 return at::_ops::rrelu_with_noise_backward_out::call(grad_output, self, noise, lower, upper, training, self_is_result, out);
25034 return at::_ops::rrelu_with_noise_backward_out::call(grad_output, self, noise, lower, upper, training, self_is_result, out);
25039 return at::_ops::mkldnn_adaptive_avg_pool2d_backward_out::call(grad_output, self, out);
25043 return at::_ops::mkldnn_adaptive_avg_pool2d_backward_out::call(grad_output, self, out);
25048 return at::_ops::_adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25051 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25053 return at::_ops::_adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25059 return at::_ops::_adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25062 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25064 return at::_ops::_adaptive_avg_pool2d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25070 return at::_ops::_adaptive_avg_pool2d_out::call(self, output_size, out);
25073 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25075 return at::_ops::_adaptive_avg_pool2d_out::call(self, output_size, out);
25081 return at::_ops::_adaptive_avg_pool2d_out::call(self, output_size, out);
25084 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25086 return at::_ops::_adaptive_avg_pool2d_out::call(self, output_size, out);
25092 return at::_ops::_adaptive_avg_pool2d_backward_out::call(grad_output, self, out);
25096 return at::_ops::_adaptive_avg_pool2d_backward_out::call(grad_output, self, out);
25101 return at::_ops::_adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25104 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25106 return at::_ops::_adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25112 return at::_ops::_adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25115 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25117 return at::_ops::_adaptive_avg_pool3d_out::call(self, c10::fromIntArrayRefSlow(output_size), out);
25123 return at::_ops::_adaptive_avg_pool3d_out::call(self, output_size, out);
25126 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25128 return at::_ops::_adaptive_avg_pool3d_out::call(self, output_size, out);
25134 return at::_ops::_adaptive_avg_pool3d_out::call(self, output_size, out);
25137 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25139 return at::_ops::_adaptive_avg_pool3d_out::call(self, output_size, out);
25145 return at::_ops::_adaptive_avg_pool3d_backward_out::call(grad_output, self, out);
25149 return at::_ops::_adaptive_avg_pool3d_backward_out::call(grad_output, self, out);
25153inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
25154 return at::_ops::_slow_conv2d_backward_output_mask_out::call(grad_output, self, weight, kernel_size,
stride, padding, output_mask, out0, out1, out2);
25157inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
25158 return at::_ops::_slow_conv2d_backward_output_mask_out::call(grad_output, self, weight, kernel_size,
stride, padding, output_mask, out0, out1, out2);
25163 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25166 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25168 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25174 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25177 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25179 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25185 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25188 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25190 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25196 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25199 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25201 return at::_ops::conv_depthwise3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25207 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25210 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25212 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25218 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25221 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25223 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25229 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25232 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25234 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25240 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25243 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25245 return at::_ops::slow_conv_dilated2d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25251 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25254 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25256 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25262 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25265 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25267 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, c10::fromIntArrayRefSlow(padding), dilation, out);
25273 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25276 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25278 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25284 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25287 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25289 return at::_ops::slow_conv_dilated3d_out::call(self, weight, kernel_size, bias,
stride, padding, dilation, out);
25295 return at::_ops::isinf_out::call(self, out);
25299 return at::_ops::isinf_out::call(self, out);
25304 return at::_ops::linalg_matrix_exp_out::call(self, out);
25308 return at::_ops::linalg_matrix_exp_out::call(self, out);
25313 return at::_ops::_test_optional_intlist_out::call(values, addends, out);
25317 return at::_ops::_test_optional_intlist_out::call(values, addends, out);
25322 return at::_ops::_test_optional_filled_intlist_out::call(values, addends, out);
25326 return at::_ops::_test_optional_filled_intlist_out::call(values, addends, out);
25331 return at::_ops::_test_optional_floatlist_out::call(values, addends, out);
25335 return at::_ops::_test_optional_floatlist_out::call(values, addends, out);
25340 return at::_ops::_test_warn_in_autograd_out::call(self, out);
25344 return at::_ops::_test_warn_in_autograd_out::call(self, out);
25349 return at::_ops::_test_autograd_multiple_dispatch_fullcoverage_out::call(self, out);
25353 return at::_ops::_test_autograd_multiple_dispatch_fullcoverage_out::call(self, out);
25358 return at::_ops::_test_autograd_multiple_dispatch_view_copy_out::call(self, out);
25362 return at::_ops::_test_autograd_multiple_dispatch_view_copy_out::call(self, out);
25367 return at::_ops::segment_reduce_out::call(data, reduce, lengths, indices, offsets, axis, unsafe, initial, out);
25371 return at::_ops::segment_reduce_out::call(data, reduce, lengths, indices, offsets, axis, unsafe, initial, out);
25376 return at::_ops::_segment_reduce_backward_out::call(grad, output, data, reduce, lengths, offsets, axis, initial, out);
25380 return at::_ops::_segment_reduce_backward_out::call(grad, output, data, reduce, lengths, offsets, axis, initial, out);
25385 return at::_ops::_nested_tensor_from_tensor_list_out::call(list, dtype, layout, device, pin_memory, out);
25389 return at::_ops::_nested_tensor_from_tensor_list_out::call(list, dtype, layout, device, pin_memory, out);
25394 return at::_ops::_fw_primal_copy_out::call(self, level, out);
25398 return at::_ops::_fw_primal_copy_out::call(self, level, out);
25403 return at::_ops::_make_dual_copy_out::call(primal, tangent, level, out);
25407 return at::_ops::_make_dual_copy_out::call(primal, tangent, level, out);
25412 return at::_ops::view_as_real_copy_out::call(self, out);
25416 return at::_ops::view_as_real_copy_out::call(self, out);
25421 return at::_ops::view_as_complex_copy_out::call(self, out);
25425 return at::_ops::view_as_complex_copy_out::call(self, out);
25430 return at::_ops::_conj_copy_out::call(self, out);
25434 return at::_ops::_conj_copy_out::call(self, out);
25439 return at::_ops::_neg_view_copy_out::call(self, out);
25443 return at::_ops::_neg_view_copy_out::call(self, out);
25448 return at::_ops::as_strided_copy_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt, out);
25451 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25453 return at::_ops::as_strided_copy_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), storage_offset.has_value() ?
c10::make_optional(c10::SymInt(*storage_offset)) :
c10::nullopt, out);
25462 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25470 return at::_ops::as_strided_copy_out::call(self,
size,
stride, storage_offset, out);
25473 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25475 return at::_ops::as_strided_copy_out::call(self,
size,
stride, storage_offset, out);
25481 return at::_ops::as_strided_copy_out::call(self,
size,
stride, storage_offset, out);
25484 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25486 return at::_ops::as_strided_copy_out::call(self,
size,
stride, storage_offset, out);
25492 return at::_ops::_sparse_broadcast_to_copy_out::call(self,
size, out);
25496 return at::_ops::_sparse_broadcast_to_copy_out::call(self,
size, out);
25501 return at::_ops::diagonal_copy_out::call(self, offset, dim1, dim2, out);
25505 return at::_ops::diagonal_copy_out::call(self, offset, dim1, dim2, out);
25510 return at::_ops::expand_copy_out::call(self, c10::fromIntArrayRefSlow(
size), implicit, out);
25513 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25515 return at::_ops::expand_copy_out::call(self, c10::fromIntArrayRefSlow(
size), implicit, out);
25521 return at::_ops::expand_copy_out::call(self, c10::fromIntArrayRefSlow(
size), implicit, out);
25524 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25526 return at::_ops::expand_copy_out::call(self, c10::fromIntArrayRefSlow(
size), implicit, out);
25532 return at::_ops::expand_copy_out::call(self,
size, implicit, out);
25535 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25537 return at::_ops::expand_copy_out::call(self,
size, implicit, out);
25543 return at::_ops::expand_copy_out::call(self,
size, implicit, out);
25546 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25548 return at::_ops::expand_copy_out::call(self,
size, implicit, out);
25554 return at::_ops::permute_copy_out::call(self, dims, out);
25558 return at::_ops::permute_copy_out::call(self, dims, out);
25563 return at::_ops::_reshape_alias_copy_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
25566 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25568 return at::_ops::_reshape_alias_copy_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
25574 return at::_ops::_reshape_alias_copy_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
25577 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25579 return at::_ops::_reshape_alias_copy_out::call(self, c10::fromIntArrayRefSlow(
size), c10::fromIntArrayRefSlow(
stride), out);
25585 return at::_ops::_reshape_alias_copy_out::call(self,
size,
stride, out);
25588 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25590 return at::_ops::_reshape_alias_copy_out::call(self,
size,
stride, out);
25596 return at::_ops::_reshape_alias_copy_out::call(self,
size,
stride, out);
25599 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25601 return at::_ops::_reshape_alias_copy_out::call(self,
size,
stride, out);
25607 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25610 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25612 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25618 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25621 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25623 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25629 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25632 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25634 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25640 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25643 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25645 return at::_ops::select_copy_int_out::call(self, dim,
index, out);
25651 return at::_ops::detach_copy_out::call(self, out);
25655 return at::_ops::detach_copy_out::call(self, out);
25663 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25674 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25682 return at::_ops::slice_copy_Tensor_out::call(self, dim, start, end, step, out);
25685 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25687 return at::_ops::slice_copy_Tensor_out::call(self, dim, start, end, step, out);
25693 return at::_ops::slice_copy_Tensor_out::call(self, dim, start, end, step, out);
25696 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25698 return at::_ops::slice_copy_Tensor_out::call(self, dim, start, end, step, out);
25704 return at::_ops::squeeze_copy_out::call(self, out);
25708 return at::_ops::squeeze_copy_out::call(self, out);
25713 return at::_ops::squeeze_copy_dim_out::call(self, dim, out);
25717 return at::_ops::squeeze_copy_dim_out::call(self, dim, out);
25722 return at::_ops::squeeze_copy_dims_out::call(self, dim, out);
25726 return at::_ops::squeeze_copy_dims_out::call(self, dim, out);
25731 return at::_ops::t_copy_out::call(self, out);
25735 return at::_ops::t_copy_out::call(self, out);
25740 return at::_ops::transpose_copy_int_out::call(self, dim0, dim1, out);
25744 return at::_ops::transpose_copy_int_out::call(self, dim0, dim1, out);
25749 return at::_ops::unsqueeze_copy_out::call(self, dim, out);
25753 return at::_ops::unsqueeze_copy_out::call(self, dim, out);
25758 return at::_ops::_indices_copy_out::call(self, out);
25762 return at::_ops::_indices_copy_out::call(self, out);
25767 return at::_ops::_values_copy_out::call(self, out);
25771 return at::_ops::_values_copy_out::call(self, out);
25776 return at::_ops::indices_copy_out::call(self, out);
25780 return at::_ops::indices_copy_out::call(self, out);
25785 return at::_ops::values_copy_out::call(self, out);
25789 return at::_ops::values_copy_out::call(self, out);
25794 return at::_ops::crow_indices_copy_out::call(self, out);
25798 return at::_ops::crow_indices_copy_out::call(self, out);
25803 return at::_ops::col_indices_copy_out::call(self, out);
25807 return at::_ops::col_indices_copy_out::call(self, out);
25812 return at::_ops::ccol_indices_copy_out::call(self, out);
25816 return at::_ops::ccol_indices_copy_out::call(self, out);
25821 return at::_ops::row_indices_copy_out::call(self, out);
25825 return at::_ops::row_indices_copy_out::call(self, out);
25830 return at::_ops::view_copy_out::call(self, c10::fromIntArrayRefSlow(
size), out);
25833 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25835 return at::_ops::view_copy_out::call(self, c10::fromIntArrayRefSlow(
size), out);
25841 return at::_ops::view_copy_out::call(self, c10::fromIntArrayRefSlow(
size), out);
25844 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25846 return at::_ops::view_copy_out::call(self, c10::fromIntArrayRefSlow(
size), out);
25852 return at::_ops::view_copy_out::call(self,
size, out);
25855 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25857 return at::_ops::view_copy_out::call(self,
size, out);
25863 return at::_ops::view_copy_out::call(self,
size, out);
25866 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25868 return at::_ops::view_copy_out::call(self,
size, out);
25874 return at::_ops::view_copy_dtype_out::call(self, dtype, out);
25878 return at::_ops::view_copy_dtype_out::call(self, dtype, out);
25883 return at::_ops::unfold_copy_out::call(self, dimension,
size, step, out);
25887 return at::_ops::unfold_copy_out::call(self, dimension,
size, step, out);
25892 return at::_ops::alias_copy_out::call(self, out);
25896 return at::_ops::alias_copy_out::call(self, out);
25901 return at::_ops::to_padded_tensor_out::call(self, padding, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, out);
25904 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25906 return at::_ops::to_padded_tensor_out::call(self, padding, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, out);
25912 return at::_ops::to_padded_tensor_out::call(self, padding, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, out);
25915 template <typename T, typename = std::enable_if_t<std::is_same<T, int64_t>::value>>
25917 return at::_ops::to_padded_tensor_out::call(self, padding, output_size.has_value() ?
c10::make_optional(c10::fromIntArrayRefSlow(*output_size)) :
c10::nullopt, out);
25923 return at::_ops::to_padded_tensor_out::call(self, padding, output_size, out);
25926 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25928 return at::_ops::to_padded_tensor_out::call(self, padding, output_size, out);
25934 return at::_ops::to_padded_tensor_out::call(self, padding, output_size, out);
25937 template <typename T, typename = std::enable_if_t<std::is_same<T, c10::SymInt>::value>>
25939 return at::_ops::to_padded_tensor_out::call(self, padding, output_size, out);
25944inline at::Tensor &
_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) {
25945 return at::_ops::_transformer_encoder_layer_fwd_out::call(src, embed_dim, num_heads, qkv_weight, qkv_bias, proj_weight, proj_bias, use_gelu, norm_first, eps, norm_weight_1, norm_bias_1, norm_weight_2, norm_bias_2, ffn_weight_1, ffn_bias_1, ffn_weight_2, ffn_bias_2, mask, mask_type, out);
25948inline at::Tensor &
_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) {
25949 return at::_ops::_transformer_encoder_layer_fwd_out::call(src, embed_dim, num_heads, qkv_weight, qkv_bias, proj_weight, proj_bias, use_gelu, norm_first, eps, norm_weight_1, norm_bias_1, norm_weight_2, norm_bias_2, ffn_weight_1, ffn_bias_1, ffn_weight_2, ffn_bias_2, mask, mask_type, out);
25953inline ::std::tuple<at::Tensor &,at::Tensor &>
_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) {
25954 return at::_ops::_native_multi_head_attention_out::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, need_weights, average_attn_weights, mask_type, out0, out1);
25957inline ::std::tuple<at::Tensor &,at::Tensor &>
_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) {
25958 return at::_ops::_native_multi_head_attention_out::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, need_weights, average_attn_weights, mask_type, out0, out1);
25963 return at::_ops::_triton_scaled_dot_attention_out::call(q, k, v, dropout_p, out);
25967 return at::_ops::_triton_scaled_dot_attention_out::call(q, k, v, dropout_p, out);
25971inline at::Tensor &
_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={}) {
25972 return at::_ops::_triton_multi_head_attention_out::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, out);
25975inline at::Tensor &
_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) {
25976 return at::_ops::_triton_multi_head_attention_out::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, out);
25980inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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={}) {
25981 return at::_ops::_transformer_decoder_only_layer_fwd_out::call(src, embed_dim, num_heads, qkv_weight, qkv_bias, proj_weight, proj_bias, use_gelu, norm_first, eps, norm_weight_1, norm_bias_1, norm_weight_2, norm_bias_2, ffn_weight_1, ffn_bias_1, ffn_weight_2, ffn_bias_2, mask, incr_key, incr_value, out0, out1, out2);
25984inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
25985 return at::_ops::_transformer_decoder_only_layer_fwd_out::call(src, embed_dim, num_heads, qkv_weight, qkv_bias, proj_weight, proj_bias, use_gelu, norm_first, eps, norm_weight_1, norm_bias_1, norm_weight_2, norm_bias_2, ffn_weight_1, ffn_bias_1, ffn_weight_2, ffn_bias_2, mask, incr_key, incr_value, out0, out1, out2);
25989inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
25990 return at::_ops::_native_decoder_only_multi_head_attention_out::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, incr_key, incr_value, need_weights, average_attn_weights, out0, out1, out2, out3);
25993inline ::std::tuple<at::Tensor &,at::Tensor &,at::Tensor &,at::Tensor &>
_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) {
25994 return at::_ops::_native_decoder_only_multi_head_attention_out::call(query, key, value, embed_dim, num_head, qkv_weight, qkv_bias, proj_weight, proj_bias, mask, incr_key, incr_value, need_weights, average_attn_weights, out0, out1, out2, out3);
25999 return at::_ops::_foobar_out::call(self, arg1, arg2, arg3, out);
26003 return at::_ops::_foobar_out::call(self, arg1, arg2, arg3, out);
26007inline void _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={}) {
26008 return at::_ops::_fused_adam_out::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf, out);
26011inline void _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) {
26012 return at::_ops::_fused_adam_out::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf, out);
26016inline ::std::tuple<::std::vector<at::Tensor>,::std::vector<at::Tensor>,::std::vector<at::Tensor>,::std::vector<at::Tensor>,::std::vector<at::Tensor>>
_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={}) {
26017 return at::_ops::_fused_adam::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf);
26021inline void _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={}) {
26022 return at::_ops::_fused_adamw_out::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf, out);
26025inline void _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) {
26026 return at::_ops::_fused_adamw_out::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf, out);
26030inline ::std::tuple<::std::vector<at::Tensor>,::std::vector<at::Tensor>,::std::vector<at::Tensor>,::std::vector<at::Tensor>,::std::vector<at::Tensor>>
_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={}) {
26031 return at::_ops::_fused_adamw::call(self, grads, exp_avgs, exp_avg_sqs, max_exp_avg_sqs, state_steps, lr, beta1, beta2, weight_decay, eps, amsgrad, maximize, grad_scale, found_inf);
26038 return at::var(self, IntArrayRef{dim});
26044 return at::std(self, IntArrayRef{dim});
26051 return tensor.
numel();
26055 return tensor.
size(dim);
26059 return tensor.
stride(dim);
26087 return tensor.
conj();
bool is_inference() const
Returns if a Tensor is an inference tensor.
Definition: TensorBase.h:503
bool is_signed() const
Definition: TensorBase.h:157
bool is_floating_point() const
Definition: TensorBase.h:153
int64_t numel() const
Definition: TensorBase.h:305
bool _is_zerotensor() const
Definition: TensorBase.h:344
bool is_complex() const
Definition: TensorBase.h:149
bool is_conj() const
Definition: TensorBase.h:352
bool is_neg() const
Definition: TensorBase.h:364
Definition: TensorBody.h:90
Tensor conj() const
Definition: TensorBody.h:124
int64_t stride(at::Dimname dim) const
Definition: TensorBody.h:3555
int64_t size(at::Dimname dim) const
Definition: TensorBody.h:3350
Definition: Optional.h:549
constexpr bool has_value() const noexcept
Definition: Optional.h:735
at::Tensor constant_pad_nd(const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0)
Definition: Functions.h:1692
at::Tensor reflection_pad1d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13690
at::Tensor 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)
Definition: Functions.h:16044
at::Tensor & 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)
Definition: Functions.h:14977
at::Tensor randint(int64_t high, at::IntArrayRef size, at::TensorOptions options=at::kLong)
Definition: Functions.h:5716
at::Tensor & _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)
Definition: Functions.h:16011
at::Tensor 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)
Definition: Functions.h:16504
void unsafe_split_with_sizes_outf(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out)
Definition: Functions.h:22830
at::Tensor & adaptive_avg_pool3d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13303
at::Tensor & 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)
Definition: Functions.h:25255
at::Tensor & 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)
Definition: Functions.h:14900
at::Tensor & zeros_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:8203
at::Tensor & adaptive_avg_pool2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13180
at::Tensor & replication_pad2d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14185
at::Tensor replication_pad2d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14284
at::Tensor ones(at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:5189
at::Tensor & constant_pad_nd_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0)
Definition: Functions.h:20220
at::Tensor upsample_bilinear2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14526
at::Tensor & empty_outf(at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:2847
at::Tensor pad(const at::Tensor &self, at::IntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt)
Definition: Functions.h:14482
at::Tensor & 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)
Definition: Functions.h:14834
at::Tensor new_zeros(const at::Tensor &self, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:2730
at::Tensor _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)
Definition: Functions.h:16066
::std::vector< at::Tensor > split_with_sizes(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:7296
at::Tensor _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)
Definition: Functions.h:15406
at::Tensor _upsample_bicubic2d_aa(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14614
at::Tensor & empty_out(at::Tensor &out, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2836
at::Tensor & 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)
Definition: Functions.h:25222
at::Tensor _reshape_alias(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:6583
at::Tensor & 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)
Definition: Functions.h:21786
at::Tensor & upsample_nearest2d_outf(const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out)
Definition: Functions.h:15835
at::Tensor & _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)
Definition: Functions.h:15879
at::Tensor randn(at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:6086
at::Tensor & select_scatter_outf(const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index, at::Tensor &out)
Definition: Functions.h:22689
at::Tensor & 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)
Definition: Functions.h:15824
at::Tensor & 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)
Definition: Functions.h:12527
at::Tensor & reflection_pad3d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13921
at::Tensor 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)
Definition: Functions.h:15274
at::Tensor & _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)
Definition: Functions.h:15109
at::Tensor view_copy(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:19056
at::Tensor empty(at::IntArrayRef size, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2606
::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3486
at::Tensor replication_pad3d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14416
at::Tensor 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)
Definition: Functions.h:16766
at::Tensor & select_scatter_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index)
Definition: Functions.h:22678
void unsafe_split_outf(const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out)
Definition: Functions.h:22786
at::Tensor & repeat_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef repeats)
Definition: Functions.h:22466
at::Tensor broadcast_to(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:1299
at::Tensor & upsample_linear1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:14768
at::Tensor & 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)
Definition: Functions.h:15439
at::Tensor & zeros_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:8214
at::Tensor & _adaptive_avg_pool3d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25116
at::Tensor & ones_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:5233
at::Tensor new_full(const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={})
Definition: Functions.h:2702
at::Tensor _adaptive_avg_pool2d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13265
at::Tensor & replication_pad3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14383
at::Tensor & select_backward_out(at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index)
Definition: Functions.h:22537
at::Tensor reflection_pad2d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13822
at::Tensor & 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)
Definition: Functions.h:22731
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21527
at::Tensor & new_zeros_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:20999
at::Tensor & 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)
Definition: Functions.h:21866
at::Tensor resize(const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21138
at::Tensor replication_pad3d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14350
at::Tensor select_scatter(const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index)
Definition: Functions.h:7107
at::Tensor & view_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:25834
at::Tensor & set_(at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={})
Definition: Functions.h:9367
at::Tensor & 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)
Definition: Functions.h:15692
at::Tensor 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)
Definition: Functions.h:14878
at::Tensor diagonal_backward(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2)
Definition: Functions.h:2212
at::Tensor & new_zeros_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:20988
at::Tensor 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)
Definition: Functions.h:7085
at::Tensor narrow(const at::Tensor &self, int64_t dim, int64_t start, int64_t length)
Definition: Functions.h:5013
at::Tensor & _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)
Definition: Functions.h:20794
::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:1800
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21538
at::Tensor & _adaptive_avg_pool2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:25052
at::Tensor upsample_nearest1d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14636
::std::tuple< at::Tensor, at::Tensor > nll_loss2d_forward(const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index)
Definition: Functions.h:12692
at::Tensor & 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)
Definition: Functions.h:12582
at::Tensor 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)
Definition: Functions.h:16700
at::Tensor reflection_pad3d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13954
at::Tensor & _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)
Definition: Functions.h:20805
at::Tensor & select_backward_outf(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index, at::Tensor &out)
Definition: Functions.h:22548
at::Tensor _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)
Definition: Functions.h:1768
at::Tensor & view_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:25845
at::Tensor & _reshape_alias_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:25567
at::Tensor & constant_pad_nd_outf(const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:20231
at::Tensor & rand_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:5630
at::Tensor reflection_pad3d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14020
at::Tensor & 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)
Definition: Functions.h:25664
::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:1736
at::Tensor & _adaptive_avg_pool3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:25105
at::Tensor & _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)
Definition: Functions.h:20381
at::Tensor _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)
Definition: Functions.h:8887
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19967
at::Tensor & expand_copy_outf(const at::Tensor &self, at::IntArrayRef size, bool implicit, at::Tensor &out)
Definition: Functions.h:25525
at::Tensor & 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)
Definition: Functions.h:16220
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21407
at::Tensor & reflection_pad2d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13844
::std::vector< at::Tensor > tensor_split(const at::Tensor &self, int64_t sections, int64_t dim=0)
Definition: Functions.h:1458
at::Tensor & 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)
Definition: Functions.h:16656
at::Tensor 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)
Definition: Functions.h:3834
at::Tensor & replication_pad3d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14372
at::Tensor _pad_enum(const at::Tensor &self, at::IntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt)
Definition: Functions.h:14460
at::Tensor & replication_pad3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14306
at::Tensor reflection_pad1d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13756
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21582
void unsafe_split_out(at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:22775
at::Tensor & diagonal_backward_outf(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out)
Definition: Functions.h:20623
at::Tensor & 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)
Definition: Functions.h:14845
at::Tensor & replication_pad2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14174
at::Tensor 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)
Definition: Functions.h:4782
at::Tensor select_copy(const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:18791
at::Tensor 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)
Definition: Functions.h:12428
const at::Tensor & resize_out(const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21094
at::Tensor & 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)
Definition: Functions.h:15956
at::Tensor & new_empty_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:20867
at::Tensor & randint_out(at::Tensor &out, int64_t high, at::IntArrayRef size)
Definition: Functions.h:5892
at::Tensor & _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)
Definition: Functions.h:22102
at::Tensor & 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)
Definition: Functions.h:15428
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21571
void unsafe_split_with_sizes_out(at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:22819
at::Tensor & select_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:25611
c10::SymInt size(const TensorBase &t, int64_t dim)
Definition: TensorBase.h:959
at::Tensor & 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)
Definition: Functions.h:16231
at::Tensor _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)
Definition: Functions.h:188
at::Tensor & full_out(at::Tensor &out, at::IntArrayRef size, const at::Scalar &fill_value)
Definition: Functions.h:3238
at::Tensor & replication_pad1d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14119
at::Tensor _fft_c2c(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward)
Definition: Functions.h:3536
at::Tensor & reflection_pad1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13646
at::Tensor & randint_outf(int64_t high, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:5903
at::Tensor & 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)
Definition: Functions.h:21965
at::Tensor & _fft_c2c_outf(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out)
Definition: Functions.h:3569
at::Tensor & 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)
Definition: Functions.h:25178
at::Tensor & rand_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:5619
at::Tensor & 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)
Definition: Functions.h:25211
at::Tensor _upsample_nearest_exact3d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14746
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20319
at::Tensor & set_out(at::Tensor &out, const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={})
Definition: Functions.h:23878
at::Tensor & diagonal_backward_out(at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2)
Definition: Functions.h:20612
at::Tensor & replication_pad2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14251
at::Tensor & 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)
Definition: Functions.h:16843
at::Tensor to_padded_tensor(const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt)
Definition: Functions.h:19089
at::Tensor & 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)
Definition: Functions.h:21797
at::Tensor & randn_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:6262
at::Tensor & replication_pad1d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14108
at::Tensor repeat(const at::Tensor &self, at::IntArrayRef repeats)
Definition: Functions.h:6489
at::Tensor & 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)
Definition: Functions.h:12593
at::Tensor 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)
Definition: Functions.h:12758
at::Tensor & set_outf(const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:23889
at::Tensor _adaptive_avg_pool3d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13358
at::Tensor 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)
Definition: Functions.h:1714
at::Tensor _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)
Definition: Functions.h:2548
at::Tensor & 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)
Definition: Functions.h:16088
at::Tensor _nested_select_backward(const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:6827
at::Tensor _pad_circular(const at::Tensor &self, at::IntArrayRef pad)
Definition: Functions.h:14438
::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12659
at::Tensor 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)
Definition: Functions.h:4696
at::Tensor 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)
Definition: Functions.h:15010
at::Tensor _unsafe_view(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:7964
at::Tensor _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)
Definition: Functions.h:2570
at::Tensor & _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)
Definition: Functions.h:15307
at::Tensor & reflection_pad2d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13789
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21451
at::Tensor & _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)
Definition: Functions.h:16264
::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > _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)
Definition: Functions.h:232
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21418
at::Tensor 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)
Definition: Functions.h:18818
at::Tensor & 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)
Definition: Functions.h:20729
at::Tensor & _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)
Definition: Functions.h:15373
at::Tensor & _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)
Definition: Functions.h:16000
at::Tensor reflection_pad2d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13888
at::Tensor _sparse_coo_tensor_unsafe(const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8804
at::Tensor & _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)
Definition: Functions.h:23428
at::Tensor & 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)
Definition: Functions.h:20674
at::Tensor & new_ones_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:21043
at::Tensor & 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)
Definition: Functions.h:12714
at::Tensor & _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)
Definition: Functions.h:15043
at::Tensor 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)
Definition: Functions.h:12626
at::Tensor 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)
Definition: Functions.h:16788
at::Tensor & 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)
Definition: Functions.h:15241
at::Tensor & 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)
Definition: Functions.h:14911
at::Tensor & _unsafe_view_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:23054
::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12648
at::Tensor & replication_pad2d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14240
at::Tensor & upsample_nearest1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15560
at::Tensor & normal_out(at::Tensor &out, double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:11524
at::Tensor & expand_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, bool implicit=false)
Definition: Functions.h:25514
at::Tensor upsample_linear1d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14504
at::Tensor & 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)
Definition: Functions.h:22645
at::Tensor rand(at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={})
Definition: Functions.h:5443
at::Tensor & 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)
Definition: Functions.h:15164
at::Tensor as_strided(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt)
Definition: Functions.h:900
at::Tensor 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)
Definition: Functions.h:10435
at::Tensor normal(double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt, at::TensorOptions options={})
Definition: Functions.h:11480
at::Tensor replication_pad1d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14086
at::Tensor & reflection_pad2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13778
at::Tensor & 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)
Definition: Functions.h:16099
at::Tensor 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)
Definition: Functions.h:16634
at::Tensor & 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)
Definition: Functions.h:20275
c10::SymIntArrayRef sizes(const TensorBase &t)
Definition: TensorBase.h:954
at::Tensor & _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)
Definition: Functions.h:15868
at::Tensor & adaptive_avg_pool2d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13191
at::Tensor & _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)
Definition: Functions.h:15362
::std::vector< at::Tensor > unsafe_split_with_sizes(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:7274
at::Tensor _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)
Definition: Functions.h:16330
at::Tensor & to_padded_tensor_outf(const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25916
at::Tensor & _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)
Definition: Functions.h:19912
at::Tensor & upsample_nearest1d_outf(const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:15571
at::Tensor & 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)
Definition: Functions.h:20264
at::Tensor _upsample_nearest_exact1d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14658
at::Tensor & _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)
Definition: Functions.h:15296
void _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)
Definition: Functions.h:20000
at::Tensor & reflection_pad1d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13712
at::Tensor & 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)
Definition: Functions.h:15494
at::Tensor view(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:9435
at::Tensor & 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)
Definition: Functions.h:15175
at::Tensor upsample_bicubic2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14592
at::Tensor & adaptive_avg_pool3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13292
void split_with_sizes_copy_outf(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out)
Definition: Functions.h:19023
at::Tensor & 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)
Definition: Functions.h:20718
at::Tensor & reflection_pad1d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13723
at::Tensor upsample_nearest2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14680
at::Tensor & new_empty_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:20856
at::Tensor & _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)
Definition: Functions.h:15747
at::Tensor 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)
Definition: Functions.h:2433
at::Tensor replication_pad2d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14218
void _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)
Definition: Functions.h:20011
at::Tensor & reflection_pad3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13987
at::Tensor & 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)
Definition: Functions.h:21877
at::Tensor & _unsafe_view_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:23043
at::Tensor _reshape_copy(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:6561
const at::Tensor & resize_outf(const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out)
Definition: Functions.h:21105
at::Tensor & 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)
Definition: Functions.h:16722
at::Tensor 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)
Definition: Functions.h:16438
at::Tensor & _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)
Definition: Functions.h:23417
at::Tensor & _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)
Definition: Functions.h:19923
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20308
at::Tensor & 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)
Definition: Functions.h:12516
at::Tensor 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)
Definition: Functions.h:4760
at::Tensor & 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)
Definition: Functions.h:25167
at::Tensor select(const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:6783
const at::Tensor & as_strided_(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt)
Definition: Functions.h:922
at::Tensor & _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)
Definition: Functions.h:16143
at::Tensor & 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)
Definition: Functions.h:22742
at::Tensor & replication_pad1d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14053
at::Tensor & 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)
Definition: Functions.h:16394
::std::tuple< at::Tensor, at::Tensor > nll_loss_forward(const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index)
Definition: Functions.h:12494
::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3464
at::Tensor & 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)
Definition: Functions.h:25266
at::Tensor _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)
Definition: Functions.h:2526
::std::vector< at::Tensor > split_with_sizes_copy(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:18862
at::Tensor narrow_copy(const at::Tensor &self, int64_t dim, int64_t start, int64_t length)
Definition: Functions.h:4947
at::Tensor & reflection_pad3d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13976
at::Tensor 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)
Definition: Functions.h:15538
::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:210
at::Tensor & narrow_copy_outf(const at::Tensor &self, int64_t dim, int64_t start, int64_t length, at::Tensor &out)
Definition: Functions.h:4980
at::Tensor & embedding_outf(const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx, bool scale_grad_by_freq, bool sparse, at::Tensor &out)
Definition: Functions.h:20685
const at::Tensor & _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)
Definition: Functions.h:16579
at::Tensor 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)
Definition: Functions.h:2455
at::Tensor zeros(at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8159
at::Tensor & _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)
Definition: Functions.h:20370
at::Tensor & reflection_pad2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13855
at::Tensor & _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)
Definition: Functions.h:16132
at::Tensor & 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)
Definition: Functions.h:16405
at::Tensor _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)
Definition: Functions.h:16612
at::Tensor & 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)
Definition: Functions.h:16471
at::Tensor & new_empty_strided_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:20900
at::Tensor & _adaptive_avg_pool2d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25063
at::Tensor & 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)
Definition: Functions.h:21954
at::Tensor & _reshape_alias_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:25578
at::Tensor & 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)
Definition: Functions.h:14966
at::Tensor & _fft_c2c_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward)
Definition: Functions.h:3558
at::Tensor & 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)
Definition: Functions.h:21910
at::Tensor & 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)
Definition: Functions.h:15230
at::Tensor & repeat_outf(const at::Tensor &self, at::IntArrayRef repeats, at::Tensor &out)
Definition: Functions.h:22477
const at::Tensor & resize_(const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2804
at::Tensor & new_empty_strided_outf(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:20911
at::Tensor & new_full_outf(const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out)
Definition: Functions.h:20955
at::Tensor 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)
Definition: Functions.h:16308
at::Tensor & reflection_pad3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13910
at::Tensor & reflection_pad1d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13657
at::Tensor & 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)
Definition: Functions.h:12362
at::Tensor 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)
Definition: Functions.h:4738
at::Tensor & full_outf(at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out)
Definition: Functions.h:3249
at::Tensor _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)
Definition: Functions.h:15142
at::Tensor as_strided_copy(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt)
Definition: Functions.h:18710
at::Tensor & normal_outf(double mean, double std, at::IntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:11535
at::Tensor expand_copy(const at::Tensor &self, at::IntArrayRef size, bool implicit=false)
Definition: Functions.h:18742
at::Tensor upsample_trilinear3d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14570
at::Tensor _upsample_nearest_exact2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14702
at::Tensor 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)
Definition: Functions.h:16810
at::Tensor & new_ones_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:21032
at::Tensor slice_backward(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step)
Definition: Functions.h:7063
at::Tensor & replication_pad1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14042
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19956
at::Tensor & 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)
Definition: Functions.h:12725
at::Tensor _upsample_bilinear2d_aa(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14548
at::Tensor 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)
Definition: Functions.h:12406
at::Tensor empty_strided(at::IntArrayRef size, at::IntArrayRef stride, at::TensorOptions options={})
Definition: Functions.h:2889
at::Tensor & empty_strided_outf(at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:21203
::std::vector< at::Tensor > split(const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:7230
at::Tensor new_empty(const at::Tensor &self, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:2646
void split_copy_outf(const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out)
Definition: Functions.h:18979
at::Tensor & 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)
Definition: Functions.h:16460
at::Tensor & 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)
Definition: Functions.h:15967
::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21462
at::Tensor & 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)
Definition: Functions.h:22634
at::Tensor & _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)
Definition: Functions.h:15032
at::Tensor & _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)
Definition: Functions.h:16275
at::Tensor & 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)
Definition: Functions.h:22601
at::Tensor full(at::IntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={})
Definition: Functions.h:3194
at::Tensor & to_padded_tensor_out(at::Tensor &out, const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt)
Definition: Functions.h:25905
at::Tensor _pack_padded_sequence_backward(const at::Tensor &grad, at::IntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first)
Definition: Functions.h:9344
at::Tensor 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)
Definition: Functions.h:7041
at::Tensor & empty_strided_out(at::Tensor &out, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:21192
at::Tensor & _upsample_nearest_exact1d_outf(const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:15615
at::Tensor new_ones(const at::Tensor &self, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:2758
at::Tensor _upsample_nearest_exact1d_backward(const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15802
::std::vector< at::Tensor > split_copy(const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:18840
at::Tensor & 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)
Definition: Functions.h:22590
at::Tensor replication_pad1d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14152
at::Tensor & 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)
Definition: Functions.h:25452
at::Tensor & 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)
Definition: Functions.h:21921
void split_with_sizes_copy_out(at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:19012
at::Tensor index_select_backward(const at::Tensor &grad, at::IntArrayRef self_sizes, int64_t dim, const at::Tensor &index)
Definition: Functions.h:10304
::std::vector< at::Tensor > unsafe_split(const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:7208
at::Tensor & 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)
Definition: Functions.h:15703
at::Tensor upsample_nearest1d_backward(const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15780
at::Tensor adaptive_avg_pool3d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13336
at::Tensor & randn_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:6273
at::Tensor embedding(const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false)
Definition: Functions.h:2411
at::Tensor & unfold_backward_out(at::Tensor &out, const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step)
Definition: Functions.h:24345
::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12461
void split_copy_out(at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:18968
const at::Tensor & _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)
Definition: Functions.h:16568
at::Tensor & _upsample_nearest_exact1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15604
at::Tensor & 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)
Definition: Functions.h:16667
at::Tensor & narrow_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t start, int64_t length)
Definition: Functions.h:4969
at::Tensor expand(const at::Tensor &self, at::IntArrayRef size, bool implicit=false)
Definition: Functions.h:3024
at::Tensor & 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)
Definition: Functions.h:25675
at::Tensor value_selecting_reduction_backward(const at::Tensor &grad, int64_t dim, const at::Tensor &indices, at::IntArrayRef sizes, bool keepdim)
Definition: Functions.h:4440
at::Tensor & _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)
Definition: Functions.h:15736
at::Tensor _nnpack_spatial_convolution(const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride=1)
Definition: Functions.h:5158
at::Tensor 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)
Definition: Functions.h:7134
at::Tensor trace_backward(const at::Tensor &grad, at::IntArrayRef sizes)
Definition: Functions.h:9918
at::Tensor adaptive_avg_pool2d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13224
at::Tensor _reshape_alias_copy(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:18769
at::Tensor select_backward(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index)
Definition: Functions.h:6805
at::Tensor & _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)
Definition: Functions.h:15098
at::Tensor & select_copy_outf(const at::Tensor &self, int64_t dim, int64_t index, at::Tensor &out)
Definition: Functions.h:25622
at::Tensor & 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)
Definition: Functions.h:16733
at::Tensor new_empty_strided(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::TensorOptions options={})
Definition: Functions.h:2674
at::Tensor & ones_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:5244
at::Tensor unfold_backward(const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step)
Definition: Functions.h:11322
at::Tensor 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)
Definition: Functions.h:12560
at::Tensor & 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)
Definition: Functions.h:12373
::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12450
at::Tensor & new_full_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value)
Definition: Functions.h:20944
at::Tensor col2im(const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride)
Definition: Functions.h:16876
at::Tensor & _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)
Definition: Functions.h:22113
at::Tensor set(const at::Tensor &self, at::Storage source, int64_t storage_offset, at::IntArrayRef size, at::IntArrayRef stride={})
Definition: Functions.h:23922
at::Tensor & upsample_linear1d_outf(const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:14779
at::Tensor upsample_nearest3d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14724
at::Tensor & 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)
Definition: Functions.h:16832
at::Tensor & as_strided_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset, at::Tensor &out)
Definition: Functions.h:25463
at::Tensor & unfold_backward_outf(const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step, at::Tensor &out)
Definition: Functions.h:24356
::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3878
at::Tensor reshape(const at::Tensor &self, at::IntArrayRef shape)
Definition: Functions.h:6539
::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3856
at::Tensor & 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)
Definition: Functions.h:15505
at::Tensor repeat_interleave(const at::Tensor &self, int64_t repeats, c10::optional< int64_t > dim=c10::nullopt, c10::optional< int64_t > output_size=c10::nullopt)
Definition: Functions.h:6517
at::Tensor & replication_pad3d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14317
Definition: TensorBase.h:34
at::Tensor & _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)
Definition: Functions.h:24411
at::Tensor log_normal(const at::Tensor &self, double mean=1, double std=2, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24217
at::Tensor & 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)
Definition: Functions.h:25681
at::Tensor & index_put_(at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false)
Definition: Functions.h:3655
at::Tensor 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)
Definition: Functions.h:13482
at::Tensor broadcast_to_symint(const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:1305
at::Tensor & fmax_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:11050
at::Tensor & _histogramdd_from_bin_tensors_out(at::Tensor &out, const at::Tensor &self, at::TensorList bins, const c10::optional< at::Tensor > &weight={}, bool density=false)
Definition: Functions.h:24313
at::Tensor ne(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9944
int64_t q_per_channel_axis(const at::Tensor &self)
Definition: Functions.h:9040
at::Tensor & _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)
Definition: Functions.h:12249
at::Tensor masked_select(const at::Tensor &self, const at::Tensor &mask)
Definition: Functions.h:10330
at::Tensor diagonal_backward(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2)
Definition: Functions.h:2207
at::Tensor & triu_indices_outf(int64_t row, int64_t col, int64_t offset, at::Tensor &out)
Definition: Functions.h:24263
at::Tensor & lt_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10191
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23759
at::Tensor & _reshape_alias_copy_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out)
Definition: Functions.h:25595
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21599
at::Tensor & diagonal_backward_out(at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2)
Definition: Functions.h:20607
at::Tensor fft_hfft2(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17623
at::Tensor 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)
Definition: Functions.h:18824
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:10452
at::Tensor & special_bessel_y0_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19253
at::Tensor & _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)
Definition: Functions.h:23750
inline ::std::vector< at::Tensor > chunk(const at::Tensor &self, int64_t chunks, int64_t dim=0)
Definition: Functions.h:1448
at::Tensor _mkldnn_transpose(const at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:7786
at::Tensor linalg_vander(const at::Tensor &x, c10::optional< int64_t > N=c10::nullopt)
Definition: Functions.h:10485
inline ::std::tuple< at::Tensor &, at::Tensor & > _pack_padded_sequence_outf(const at::Tensor &input, const at::Tensor &lengths, bool batch_first, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:23854
at::Tensor _conj_copy(const at::Tensor &self)
Definition: Functions.h:18695
at::Tensor narrow(const at::Tensor &self, int64_t dim, int64_t start, int64_t length)
Definition: Functions.h:5008
at::Tensor & _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)
Definition: Functions.h:22108
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _transform_bias_rescale_qkv(const at::Tensor &qkv, const at::Tensor &qkv_bias, int64_t num_heads)
Definition: Functions.h:7846
at::Tensor flatten(const at::Tensor &self, int64_t start_dim=0, int64_t end_dim=-1)
Definition: Functions.h:3073
at::Tensor & 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)
Definition: Functions.h:13477
at::Tensor view_copy_symint(const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:19062
at::Tensor _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)
Definition: Functions.h:16325
at::Tensor & isposinf_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:16936
at::Tensor & _pin_memory_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::Device > device=c10::nullopt)
Definition: Functions.h:22231
at::Tensor & empty_like_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21178
at::Tensor full(at::IntArrayRef size, const at::Scalar &fill_value, c10::optional< at::DimnameList > names, at::TensorOptions options={})
Definition: Functions.h:3180
at::Tensor expand_copy_symint(const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false)
Definition: Functions.h:18748
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20303
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21544
at::Tensor & linalg_matrix_exp_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25303
at::Tensor & where_out(at::Tensor &out, const at::Tensor &condition, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:8082
at::Tensor & _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)
Definition: Functions.h:12245
at::Tensor & 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)
Definition: Functions.h:15181
at::Tensor & absolute_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:381
at::Tensor & permute_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dims)
Definition: Functions.h:25553
at::Tensor & _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)
Definition: Functions.h:15863
at::Tensor embedding_renorm(const at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type)
Definition: Functions.h:20766
void _foreach_log_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24772
at::Tensor & subtract_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:8537
at::Tensor 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)
Definition: Functions.h:17497
at::Tensor & special_gammaln_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17072
at::Tensor & trunc_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7905
at::Tensor fft_rfftfreq(int64_t n, double d=1.0, at::TensorOptions options={})
Definition: Functions.h:17753
at::Tensor & hstack_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:7414
at::Tensor & linalg_svdvals_outf(const at::Tensor &A, c10::optional< c10::string_view > driver, at::Tensor &out)
Definition: Functions.h:18323
at::Tensor & trace_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:24272
at::Tensor & _fft_r2c_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool onesided)
Definition: Functions.h:3508
at::Tensor & 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)
Definition: Functions.h:12977
at::Tensor xlogy(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4134
at::Tensor & fft_fft2_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17576
at::Tensor & _softmax_outf(const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out)
Definition: Functions.h:7184
at::Tensor corrcoef(const at::Tensor &self)
Definition: Functions.h:1945
at::Tensor cholesky_solve(const at::Tensor &self, const at::Tensor &input2, bool upper=false)
Definition: Functions.h:10537
inline ::std::vector< at::Tensor > split_with_sizes_symint(const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:7302
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > unique_dim_consecutive(const at::Tensor &self, int64_t dim, bool return_inverse=false, bool return_counts=false)
Definition: Functions.h:7949
at::Tensor & lcm_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3314
at::Tensor concatenate(at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:1377
at::Tensor arctanh(const at::Tensor &self)
Definition: Functions.h:876
at::Tensor atleast_2d(const at::Tensor &self)
Definition: Functions.h:1025
inline ::std::tuple< at::Tensor, at::Tensor > _unpack_dual(const at::Tensor &dual, int64_t level)
Definition: Functions.h:128
at::Tensor & addmv_(at::Tensor &self, const at::Tensor &mat, const at::Tensor &vec, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:589
at::Tensor & to_sparse_csc_outf(const at::Tensor &self, c10::optional< int64_t > dense_dim, at::Tensor &out)
Definition: Functions.h:23570
at::Tensor & mul_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4881
at::Tensor & unfold_backward_outf(const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step, at::Tensor &out)
Definition: Functions.h:24351
void _foreach_lgamma_(at::TensorList self)
Definition: Functions.h:12058
void _foreach_minimum_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11653
bool __dispatch_is_conj(const at::Tensor &self)
Definition: Functions.h:3742
at::Tensor & reciprocal_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6445
at::Tensor & _make_dual_copy_outf(const at::Tensor &primal, const at::Tensor &tangent, int64_t level, at::Tensor &out)
Definition: Functions.h:25406
at::Tensor & 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)
Definition: Functions.h:22618
at::Tensor & unfold_backward_out(at::Tensor &out, const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step)
Definition: Functions.h:24340
at::Tensor & adaptive_max_pool3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices, at::Tensor &grad_input)
Definition: Functions.h:13435
at::Tensor linalg_pinv(const at::Tensor &self, const c10::optional< at::Tensor > &atol={}, const c10::optional< at::Tensor > &rtol={}, bool hermitian=false)
Definition: Functions.h:18356
at::Tensor _standard_gamma(const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:8256
at::Tensor & 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)
Definition: Functions.h:1054
at::Tensor & clip_(at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt)
Definition: Functions.h:1626
at::Tensor trapezoid(const at::Tensor &y, const at::Tensor &x, int64_t dim=-1)
Definition: Functions.h:7826
at::Tensor exp2(const at::Tensor &self)
Definition: Functions.h:2985
at::Tensor rsqrt(const at::Tensor &self)
Definition: Functions.h:6754
at::Tensor & _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={})
Definition: Functions.h:25971
at::Tensor & binomial_outf(const at::Tensor &count, const at::Tensor &prob, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:23185
at::Tensor & ceil_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:1420
at::Tensor fft_irfftn(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17693
inline ::std::vector< at::Tensor > _foreach_atan(at::TensorList self)
Definition: Functions.h:11873
at::Tensor 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)
Definition: Functions.h:1753
at::Tensor & glu_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, at::Tensor &grad_input)
Definition: Functions.h:12910
at::Tensor & bitwise_not_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:1168
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_ldl_factor_out(at::Tensor &LD, at::Tensor &pivots, const at::Tensor &self, bool hermitian=false)
Definition: Functions.h:17931
at::Tensor full_like(const at::Tensor &self, const at::Scalar &fill_value, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:3277
at::Tensor dequantize(const at::Tensor &self)
Definition: Functions.h:9010
at::Tensor & special_exp2_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17030
void _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={})
Definition: Functions.h:26007
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21316
void unsafe_split_outf(const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out)
Definition: Functions.h:22781
at::Tensor & 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)
Definition: Functions.h:12877
at::Tensor & sparse_coo_tensor_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:23394
at::Tensor & concatenate_outf(at::TensorList tensors, int64_t dim, at::Tensor &out)
Definition: Functions.h:1386
inline ::std::tuple< at::Tensor, at::Tensor > kthvalue(const at::Tensor &self, int64_t k, int64_t dim=-1, bool keepdim=false)
Definition: Functions.h:3801
at::Tensor & cumsum_outf(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:2123
at::Tensor & lgamma_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10664
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_solve_ex_outf(const at::Tensor &A, const at::Tensor &B, bool left, bool check_errors, at::Tensor &result, at::Tensor &info)
Definition: Functions.h:18435
at::Tensor & softplus_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold)
Definition: Functions.h:13133
void _validate_sparse_csc_tensor_args(const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size)
Definition: Functions.h:8858
at::Tensor & _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)
Definition: Functions.h:11573
at::Tensor & row_stack_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:2501
at::Tensor _upsample_bicubic2d_aa(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14609
at::Tensor floor_divide(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3142
at::Tensor & special_i1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17314
at::Tensor & 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)
Definition: Functions.h:25692
at::Tensor 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)
Definition: Functions.h:1720
at::Tensor & empty_out(at::Tensor &out, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2831
at::Tensor set_symint(const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={})
Definition: Functions.h:23928
at::Tensor _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)
Definition: Functions.h:1763
at::Tensor & select_backward_symint_out(at::Tensor &out, const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index)
Definition: Functions.h:22554
at::Tensor & _unsafe_view_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:23038
at::Tensor detach_copy(const at::Tensor &self)
Definition: Functions.h:18808
at::Tensor & 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)
Definition: Functions.h:13099
at::Tensor _stack(at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:7391
at::Tensor rand(at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={})
Definition: Functions.h:5438
at::Tensor special_legendre_polynomial_p(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19566
at::Tensor & silu_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6878
at::Tensor 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)
Definition: Functions.h:521
at::Tensor & concatenate_out(at::Tensor &out, at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:1382
at::Tensor special_xlog1py(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17151
at::Tensor flipud(const at::Tensor &self)
Definition: Functions.h:7811
at::Tensor & 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)
Definition: Functions.h:21883
at::Tensor & reflection_pad2d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13784
at::Tensor & rsqrt_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6764
at::Tensor & 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)
Definition: Functions.h:13599
at::Tensor & log10_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:4063
at::Tensor & index_copy_outf(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, at::Tensor &out)
Definition: Functions.h:3640
at::Tensor & _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)
Definition: Functions.h:24304
at::Tensor & 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)
Definition: Functions.h:9600
at::Tensor & 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)
Definition: Functions.h:16662
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23006
at::Tensor & linspace_out(at::Tensor &out, const at::Scalar &start, const at::Scalar &end, int64_t steps)
Definition: Functions.h:4021
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:23782
at::Tensor arctan(const at::Tensor &self)
Definition: Functions.h:996
at::Tensor & 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)
Definition: Functions.h:14840
at::Tensor & soft_margin_loss_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12831
at::Tensor & _fft_c2c_outf(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out)
Definition: Functions.h:3564
at::Tensor & zeros_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:8209
at::Tensor complex(const at::Tensor &real, const at::Tensor &imag)
Definition: Functions.h:1659
at::Tensor quantile(const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear")
Definition: Functions.h:11120
at::Tensor & atanh_(at::Tensor &self)
Definition: Functions.h:862
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > linear_backward(const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask)
Definition: Functions.h:3919
inline ::std::vector< at::Tensor > _foreach_sub(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11588
at::Tensor & hardsigmoid_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &grad_input)
Definition: Functions.h:12953
at::Tensor & exp2_(at::Tensor &self)
Definition: Functions.h:2990
at::Tensor & histc_out(at::Tensor &out, const at::Tensor &self, int64_t bins=100, const at::Scalar &min=0, const at::Scalar &max=0)
Definition: Functions.h:10828
at::Tensor reciprocal(const at::Tensor &self)
Definition: Functions.h:6431
at::Tensor empty_strided(at::IntArrayRef size, at::IntArrayRef stride, at::TensorOptions options={})
Definition: Functions.h:2884
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:16549
inline ::std::tuple< at::Tensor, at::Tensor > _pad_packed_sequence(const at::Tensor &data, const at::Tensor &batch_sizes, bool batch_first, const at::Scalar &padding_value, int64_t total_length)
Definition: Functions.h:9361
at::Tensor & special_modified_bessel_i1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19631
at::Tensor & 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)
Definition: Functions.h:16083
at::Tensor & multilabel_margin_loss_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12315
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > svd_outf(const at::Tensor &self, bool some, bool compute_uv, at::Tensor &U, at::Tensor &S, at::Tensor &V)
Definition: Functions.h:10494
at::Tensor & linear_out(at::Tensor &out, const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={})
Definition: Functions.h:3924
at::Tensor & hardshrink_backward_outf(const at::Tensor &grad_out, const at::Tensor &self, const at::Scalar &lambd, at::Tensor &grad_input)
Definition: Functions.h:6744
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21522
at::Tensor randint_like(const at::Tensor &self, int64_t high, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:6063
at::Tensor & conj_physical_(at::Tensor &self)
Definition: Functions.h:463
at::Tensor & 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)
Definition: Functions.h:20174
at::Tensor & scalar_tensor_outf(const at::Scalar &s, at::Tensor &out)
Definition: Functions.h:22244
at::Tensor & argsort_out(at::Tensor &out, const at::Tensor &self, bool stable, int64_t dim=-1, bool descending=false)
Definition: Functions.h:24331
at::Tensor hardshrink_backward(const at::Tensor &grad_out, const at::Tensor &self, const at::Scalar &lambd)
Definition: Functions.h:6749
inline ::std::tuple<::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor > > _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={})
Definition: Functions.h:26016
at::Tensor & arange_out(at::Tensor &out, const at::Scalar &end)
Definition: Functions.h:730
at::Tensor _pack_padded_sequence_backward(const at::Tensor &grad, at::IntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first)
Definition: Functions.h:9339
inline ::std::tuple< at::Tensor, at::Tensor > log_sigmoid_forward(const at::Tensor &self)
Definition: Functions.h:13076
at::Tensor & __lshift___out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:24084
at::Tensor & matmul_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4336
at::Tensor & lu_solve_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &LU_data, const at::Tensor &LU_pivots)
Definition: Functions.h:10622
at::Tensor & rot90_outf(const at::Tensor &self, int64_t k, at::IntArrayRef dims, at::Tensor &out)
Definition: Functions.h:22916
at::Tensor & 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)
Definition: Functions.h:15170
at::Tensor & 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)
Definition: Functions.h:25447
at::Tensor & celu_(at::Tensor &self, const at::Scalar &alpha=1.0)
Definition: Functions.h:6859
at::Tensor real(const at::Tensor &self)
Definition: Functions.h:424
at::Tensor & square_(at::Tensor &self)
Definition: Functions.h:7548
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12676
at::Tensor replication_pad1d_symint(const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14092
at::Tensor mvlgamma(const at::Tensor &self, int64_t p)
Definition: Functions.h:4937
at::Tensor & 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)
Definition: Functions.h:12577
at::Tensor & 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)
Definition: Functions.h:22596
at::Tensor _cdist_forward(const at::Tensor &x1, const at::Tensor &x2, double p, c10::optional< int64_t > compute_mode)
Definition: Functions.h:5296
inline ::std::tuple< at::Tensor, at::Tensor > adaptive_max_pool1d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:531
at::Tensor cumsum(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:2114
inline ::std::tuple< at::Tensor &, at::Tensor & > _linalg_eigh_outf(const at::Tensor &A, c10::string_view UPLO, bool compute_v, at::Tensor &eigenvalues, at::Tensor &eigenvectors)
Definition: Functions.h:18085
at::Tensor cat(const at::ITensorListRef &tensors, int64_t dim=0)
Definition: Functions.h:1321
at::Tensor & fft_rfftfreq_outf(int64_t n, double d, at::Tensor &out)
Definition: Functions.h:17766
at::Tensor & _mkldnn_reshape_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef shape)
Definition: Functions.h:22514
at::Tensor & 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)
Definition: Functions.h:15225
at::Tensor mkldnn_linear(const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={})
Definition: Functions.h:3933
at::Tensor 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)
Definition: Functions.h:9324
inline ::std::tuple< at::Tensor &, at::Tensor & > frexp_out(at::Tensor &mantissa, at::Tensor &exponent, const at::Tensor &self)
Definition: Functions.h:8442
at::Tensor log10(const at::Tensor &self)
Definition: Functions.h:4049
at::Tensor _standard_gamma_grad(const at::Tensor &self, const at::Tensor &output)
Definition: Functions.h:8251
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12643
bool _use_cudnn_ctc_loss(const at::Tensor &log_probs, const at::Tensor &targets, at::IntArrayRef input_lengths, at::IntArrayRef target_lengths, int64_t blank)
Definition: Functions.h:158
at::Tensor & special_psi_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17044
at::Tensor & _to_copy_out(at::Tensor &out, const at::Tensor &self, bool non_blocking=false, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:23787
at::Tensor & 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)
Definition: Functions.h:15456
at::Tensor & full_out(at::Tensor &out, at::IntArrayRef size, const at::Scalar &fill_value)
Definition: Functions.h:3233
at::Tensor & all_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:651
at::Tensor softplus_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold)
Definition: Functions.h:13142
at::Tensor leaky_relu(const at::Tensor &self, const at::Scalar &negative_slope=0.01)
Definition: Functions.h:13029
at::Tensor & hspmm_outf(const at::Tensor &mat1, const at::Tensor &mat2, at::Tensor &out)
Definition: Functions.h:8945
void _foreach_addcdiv_out(at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1)
Definition: Functions.h:24903
at::Tensor & 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)
Definition: Functions.h:12301
at::Tensor & 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)
Definition: Functions.h:9820
void _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={})
Definition: Functions.h:19879
at::Tensor index_select_backward(const at::Tensor &grad, at::IntArrayRef self_sizes, int64_t dim, const at::Tensor &index)
Definition: Functions.h:10299
void _foreach_zero_(at::TensorList self)
Definition: Functions.h:11823
at::Tensor & fft_ifft_outf(const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17506
at::Tensor & constant_pad_nd_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0)
Definition: Functions.h:20215
at::Tensor _upsample_bilinear2d_aa_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14554
at::Tensor random(const at::Tensor &self, int64_t from, c10::optional< int64_t > to, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24147
at::Tensor & _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)
Definition: Functions.h:15995
at::Tensor 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)
Definition: Functions.h:9120
at::Tensor & new_empty_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:20884
at::Tensor dot(const at::Tensor &self, const at::Tensor &tensor)
Definition: Functions.h:2373
at::Tensor _sparse_log_softmax(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:8346
at::Tensor & 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)
Definition: Functions.h:18226
void _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)
Definition: Functions.h:24295
at::Tensor & _reshape_alias_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:25573
at::Tensor vander(const at::Tensor &x, c10::optional< int64_t > N=c10::nullopt, bool increasing=false)
Definition: Functions.h:7986
at::Tensor repeat_interleave(const at::Tensor &repeats, c10::optional< int64_t > output_size=c10::nullopt)
Definition: Functions.h:6502
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23777
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13501
at::Tensor & fmin_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11027
at::Tensor & new_zeros_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:20994
at::Tensor 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)
Definition: Functions.h:1925
at::Tensor & view_as_complex_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25424
at::Tensor _conj(const at::Tensor &self)
Definition: Functions.h:434
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12478
at::Tensor _reshape_copy_symint(const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:6567
at::Tensor & 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)
Definition: Functions.h:12742
at::Tensor & _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)
Definition: Functions.h:25375
at::Tensor & pow_outf(const at::Tensor &self, const at::Tensor &exponent, at::Tensor &out)
Definition: Functions.h:11348
at::Tensor & fft_hfft_outf(const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17548
at::Tensor special_logit(const at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:17333
at::Tensor & any_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:684
at::Tensor infinitely_differentiable_gelu_backward(const at::Tensor &grad, const at::Tensor &self)
Definition: Functions.h:6721
at::Tensor & 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)
Definition: Functions.h:21709
at::Tensor tanh_backward(const at::Tensor &grad_output, const at::Tensor &output)
Definition: Functions.h:16384
at::Tensor replication_pad2d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14279
inline ::std::tuple<::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor >,::std::vector< at::Tensor > > _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={})
Definition: Functions.h:26030
at::Tensor & conv_tbc_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const at::Tensor &bias, int64_t pad=0)
Definition: Functions.h:20409
void _foreach_clamp_min_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24461
void _foreach_sigmoid_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24885
at::Tensor & linalg_tensorsolve_outf(const at::Tensor &self, const at::Tensor &other, at::OptionalIntArrayRef dims, at::Tensor &out)
Definition: Functions.h:18477
inline ::std::vector< at::Tensor > _foreach_lerp(at::TensorList self, at::TensorList tensors1, at::TensorList weights)
Definition: Functions.h:12168
at::Tensor & _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)
Definition: Functions.h:24012
at::Tensor _sparse_mm(const at::Tensor &sparse, const at::Tensor &dense)
Definition: Functions.h:4833
at::Tensor & sigmoid_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6931
at::Tensor log_softmax(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:4204
at::Tensor 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)
Definition: Functions.h:18258
at::Tensor _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)
Definition: Functions.h:16607
at::Tensor & sinc_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6992
inline ::std::vector< at::Tensor > _foreach_exp(at::TensorList self)
Definition: Functions.h:11818
at::Tensor & zeros_symint_outf(c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:8231
at::Tensor nested_to_padded_tensor(const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt)
Definition: Functions.h:18580
at::Tensor logsumexp(const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false)
Definition: Functions.h:4293
at::Tensor reflection_pad2d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13883
at::Tensor & _copy_from_and_resize_outf(const at::Tensor &self, const at::Tensor &dst, at::Tensor &out)
Definition: Functions.h:20440
at::Tensor 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)
Definition: Functions.h:12310
at::Tensor _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)
Definition: Functions.h:2565
at::Tensor _make_per_channel_quantized_tensor(const at::Tensor &self, const at::Tensor &scale, const at::Tensor &zero_point, int64_t axis)
Definition: Functions.h:9055
at::Tensor & native_norm_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &p=2)
Definition: Functions.h:23190
at::Tensor cholesky_inverse(const at::Tensor &self, bool upper=false)
Definition: Functions.h:10547
at::Tensor lt(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10196
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_qr_outf(const at::Tensor &A, c10::string_view mode, at::Tensor &Q, at::Tensor &R)
Definition: Functions.h:18491
at::Tensor _sparse_addmm(const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:8580
at::Tensor & _test_optional_floatlist_outf(const at::Tensor &values, c10::optional< at::ArrayRef< double > > addends, at::Tensor &out)
Definition: Functions.h:25334
at::Tensor fft_ihfftn(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17721
inline ::std::tuple< at::Tensor, at::Tensor > min(const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:4639
at::Tensor masked_scatter(const at::Tensor &self, const at::Tensor &mask, const at::Tensor &source)
Definition: Functions.h:9419
at::Tensor _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)
Definition: Functions.h:8904
at::Tensor & unfold_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dimension, int64_t size, int64_t step)
Definition: Functions.h:25882
at::Tensor conv_tbc(const at::Tensor &self, const at::Tensor &weight, const at::Tensor &bias, int64_t pad=0)
Definition: Functions.h:1847
at::Tensor argwhere(const at::Tensor &self)
Definition: Functions.h:10359
at::Tensor special_shifted_chebyshev_polynomial_u(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19734
at::Tensor & select_scatter_outf(const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index, at::Tensor &out)
Definition: Functions.h:22684
inline ::std::vector< at::Tensor > _foreach_log10(at::TensorList self)
Definition: Functions.h:11963
at::Tensor & range_outf(const at::Scalar &start, const at::Scalar &end, at::Tensor &out)
Definition: Functions.h:6412
at::Tensor _cdist_backward(const at::Tensor &grad, const at::Tensor &x1, const at::Tensor &x2, double p, const at::Tensor &cdist)
Definition: Functions.h:5301
at::ScalarType promote_types(at::ScalarType type1, at::ScalarType type2)
Definition: Functions.h:9199
at::Tensor & max_unpool2d_outf(const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13617
at::Tensor & arctanh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:886
at::Tensor & feature_dropout_(at::Tensor &self, double p, bool train)
Definition: Functions.h:328
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21588
at::Tensor & _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)
Definition: Functions.h:15104
void _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)
Definition: Functions.h:24299
at::Tensor & threshold_(at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value)
Definition: Functions.h:7743
inline ::std::vector< at::Tensor > meshgrid(at::TensorList tensors)
Definition: Functions.h:9154
at::Tensor _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)
Definition: Functions.h:2172
inline ::std::vector< at::Tensor > _foreach_tanh(at::TensorList self)
Definition: Functions.h:12013
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:9075
at::Tensor special_xlogy(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17193
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:25957
inline ::std::vector< at::Tensor > split_symint(const at::Tensor &self, c10::SymInt split_size, int64_t dim=0)
Definition: Functions.h:7236
at::Tensor & silu_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &grad_input)
Definition: Functions.h:6887
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23737
at::Tensor selu(const at::Tensor &self)
Definition: Functions.h:6844
at::Tensor & 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)
Definition: Functions.h:25184
at::Tensor & 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")
Definition: Functions.h:11125
at::Tensor gather(const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad=false)
Definition: Functions.h:10373
at::Tensor & narrow_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t start, int64_t length)
Definition: Functions.h:4964
void split_copy_out(at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:18963
at::Tensor & nonzero_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10340
at::Tensor 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)
Definition: Functions.h:17525
void _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)
Definition: Functions.h:19995
inline ::std::tuple< at::Tensor, at::Tensor > linalg_slogdet(const at::Tensor &A)
Definition: Functions.h:18015
at::Tensor & 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)
Definition: Functions.h:1126
at::Tensor & orgqr_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &input2)
Definition: Functions.h:10594
at::Tensor & mse_loss_outf(const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &out)
Definition: Functions.h:12258
at::Tensor & _softmax_backward_data_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype)
Definition: Functions.h:7194
at::Tensor special_scaled_modified_bessel_k0(const at::Tensor &x)
Definition: Functions.h:19664
at::Tensor 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)
Definition: Functions.h:17511
at::Tensor & special_scaled_modified_bessel_k0_outf(const at::Tensor &x, at::Tensor &out)
Definition: Functions.h:19673
at::Tensor & softmax_out(at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7161
at::Tensor linalg_svdvals(const at::Tensor &A, c10::optional< c10::string_view > driver=c10::nullopt)
Definition: Functions.h:18314
at::Tensor & argmin_outf(const at::Tensor &self, c10::optional< int64_t > dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:776
at::Tensor mkldnn_linear_backward_input(at::IntArrayRef input_size, const at::Tensor &grad_output, const at::Tensor &weight)
Definition: Functions.h:3938
at::Tensor & _test_autograd_multiple_dispatch_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25352
at::Tensor & 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)
Definition: Functions.h:16849
void _foreach_lgamma_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24862
at::Tensor & masked_select_outf(const at::Tensor &self, const at::Tensor &mask, at::Tensor &out)
Definition: Functions.h:10325
at::Tensor & replication_pad3d_backward_symint_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14389
at::Tensor & addcdiv_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1)
Definition: Functions.h:10416
at::Tensor & acosh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:791
at::Tensor & stack_outf(at::TensorList tensors, int64_t dim, at::Tensor &out)
Definition: Functions.h:7386
at::Tensor & replication_pad3d_backward_symint_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14400
at::Tensor logspace(const at::Scalar &start, const at::Scalar &end, int64_t steps, double base=10.0, at::TensorOptions options={})
Definition: Functions.h:4186
at::Tensor & _fft_c2r_outf(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, int64_t last_dim_size, at::Tensor &out)
Definition: Functions.h:3526
at::Tensor & 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)
Definition: Functions.h:16860
at::Tensor & lcm_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:3318
at::Tensor ones_symint(c10::SymIntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:5206
at::Tensor & _sparse_sparse_matmul_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:22011
at::Tensor & elu_outf(const at::Tensor &self, const at::Scalar &alpha, const at::Scalar &scale, const at::Scalar &input_scale, at::Tensor &out)
Definition: Functions.h:12863
at::Tensor & 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)
Definition: Functions.h:21490
at::Tensor 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)
Definition: Functions.h:7091
inline ::std::vector< at::Tensor > _foreach_reciprocal(at::TensorList self)
Definition: Functions.h:12073
at::ScalarType result_type(const at::Tensor &tensor, const at::Tensor &other)
Definition: Functions.h:9174
at::Tensor 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={})
Definition: Functions.h:12207
at::Tensor & 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)
Definition: Functions.h:22607
at::Tensor sparse_csc_tensor(const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8655
at::Tensor & _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)
Definition: Functions.h:16006
at::Tensor & reflection_pad2d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13806
at::Tensor & _adaptive_avg_pool2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25095
at::Tensor _nested_from_padded_and_nested_example(const at::Tensor &padded, const at::Tensor &nt_example)
Definition: Functions.h:7866
at::Tensor & to_padded_tensor_symint_outf(const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25933
inline ::std::vector< at::Tensor > _foreach_addcmul(at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1)
Definition: Functions.h:12138
at::Tensor lift(const at::Tensor &self)
Definition: Functions.h:9394
bool __dispatch_is_complex(const at::Tensor &self)
Definition: Functions.h:3737
bool is_distributed(const at::Tensor &self)
Definition: Functions.h:3727
at::Tensor & _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)
Definition: Functions.h:15764
at::Tensor 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)
Definition: Functions.h:12412
inline ::std::tuple< at::Tensor, at::Tensor > batch_norm_stats(const at::Tensor &input, double eps)
Definition: Functions.h:5094
at::Tensor & mean_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:4540
at::Tensor & asin_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:949
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:18417
at::Tensor & cross_outf(const at::Tensor &self, const at::Tensor &other, c10::optional< int64_t > dim, at::Tensor &out)
Definition: Functions.h:9852
at::Tensor & special_log_ndtr_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17002
at::Tensor kl_div(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, bool log_target=false)
Definition: Functions.h:3782
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > linalg_ldl_factor_ex(const at::Tensor &self, bool hermitian=false, bool check_errors=false)
Definition: Functions.h:17912
at::Tensor & _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)
Definition: Functions.h:21767
at::Tensor & 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)
Definition: Functions.h:8609
at::Tensor & isinf_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25294
at::Tensor 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)
Definition: Functions.h:16433
at::Tensor 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)
Definition: Functions.h:4496
at::Tensor _spdiags(const at::Tensor &diagonals, const at::Tensor &offsets, at::IntArrayRef shape, c10::optional< at::Layout > layout=c10::nullopt)
Definition: Functions.h:8366
at::Tensor fft_irfft2(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17609
at::Tensor & fft_irfft2_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17618
at::Tensor & _fft_c2r_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, int64_t last_dim_size)
Definition: Functions.h:3522
inline ::std::tuple< at::Tensor, at::Tensor > _rowwise_prune(const at::Tensor &weight, const at::Tensor &mask, at::ScalarType compressed_indices_dtype)
Definition: Functions.h:2487
at::Tensor 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)
Definition: Functions.h:12434
at::Tensor 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)
Definition: Functions.h:7886
at::Tensor rad2deg(const at::Tensor &self)
Definition: Functions.h:5391
void split_with_sizes_copy_symint_out(at::TensorList out, const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:19029
at::Tensor 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)
Definition: Functions.h:18244
at::Tensor special_ndtr(const at::Tensor &self)
Definition: Functions.h:17137
at::Tensor constant_pad_nd(const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value=0)
Definition: Functions.h:1687
at::Tensor quantize_per_tensor_dynamic(const at::Tensor &self, at::ScalarType dtype, bool reduce_range)
Definition: Functions.h:8985
at::Tensor & _conj_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25429
at::Tensor & 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)
Definition: Functions.h:15984
at::Tensor & exp_(at::Tensor &self)
Definition: Functions.h:2971
at::Tensor adaptive_avg_pool3d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13331
at::Tensor _adaptive_avg_pool3d_symint(const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:13364
at::Tensor & 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)
Definition: Functions.h:17558
at::Tensor 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)
Definition: Functions.h:16816
at::Tensor special_shifted_chebyshev_polynomial_v(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19776
at::Tensor less(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10224
at::Tensor log1p(const at::Tensor &self)
Definition: Functions.h:4068
at::Tensor 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)
Definition: Functions.h:12764
at::Tensor & _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)
Definition: Functions.h:20822
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:24416
at::Tensor & randn_like_outf(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:22456
at::Tensor pad_sequence(at::TensorList sequences, bool batch_first=false, double padding_value=0.0)
Definition: Functions.h:18655
inline ::std::tuple< at::Tensor, at::Tensor > triangular_solve(const at::Tensor &self, const at::Tensor &A, bool upper=true, bool transpose=false, bool unitriangular=false)
Definition: Functions.h:10461
at::Tensor & full_symint_out(at::Tensor &out, c10::SymIntArrayRef size, const at::Scalar &fill_value)
Definition: Functions.h:3255
at::Tensor & remainder_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10984
at::Tensor trace_backward_symint(const at::Tensor &grad, c10::SymIntArrayRef sizes)
Definition: Functions.h:9924
at::Tensor & _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)
Definition: Functions.h:16017
at::Tensor & _test_autograd_multiple_dispatch_view_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25361
at::Tensor as_strided(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt)
Definition: Functions.h:895
at::Tensor signbit(const at::Tensor &self)
Definition: Functions.h:10753
at::Tensor & fft_ifft2_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17590
at::Tensor & nansum_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:7519
at::Tensor & _convert_indices_from_coo_to_csr_outf(const at::Tensor &self, int64_t size, bool out_int32, at::Tensor &out)
Definition: Functions.h:12235
inline ::std::tuple< at::Tensor &, at::Tensor & > min_out(at::Tensor &min, at::Tensor &min_indices, const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:4644
at::Tensor log_sigmoid_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &buffer)
Definition: Functions.h:13090
at::Tensor special_airy_ai(const at::Tensor &x)
Definition: Functions.h:19192
at::Tensor & copy_sparse_to_sparse_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &src, bool non_blocking=false)
Definition: Functions.h:23525
at::Tensor & 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)
Definition: Functions.h:15819
at::Tensor & lift_fresh_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23980
at::Tensor reflection_pad1d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13751
at::Tensor & special_i0_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17282
at::Tensor & native_dropout_backward_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &mask, double scale)
Definition: Functions.h:20075
at::Tensor linalg_lu_solve(const at::Tensor &LU, const at::Tensor &pivots, const at::Tensor &B, bool left=true, bool adjoint=false)
Definition: Functions.h:17865
void _foreach_atan_(at::TensorList self)
Definition: Functions.h:11878
at::Tensor _dim_arange(const at::Tensor &like, int64_t dim)
Definition: Functions.h:748
at::Tensor fft_ifft2(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17581
inline ::std::vector< at::Tensor > unbind(const at::Tensor &self, int64_t dim=0)
Definition: Functions.h:8960
at::Tensor & _make_dual_copy_out(at::Tensor &out, const at::Tensor &primal, const at::Tensor &tangent, int64_t level)
Definition: Functions.h:25402
at::Tensor & new_full_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value)
Definition: Functions.h:20939
at::Tensor & 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)
Definition: Functions.h:20138
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9209
at::Tensor & _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)
Definition: Functions.h:25388
inline ::std::tuple< at::Tensor, at::Tensor > _sparse_mm_reduce_impl(const at::Tensor &self, const at::Tensor &other, c10::string_view reduce)
Definition: Functions.h:8599
at::Tensor & _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)
Definition: Functions.h:22979
at::Tensor & diag_embed_outf(const at::Tensor &self, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out)
Definition: Functions.h:20602
at::Tensor & 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)
Definition: Functions.h:16684
at::Tensor & quantile_outf(const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim, bool keepdim, c10::string_view interpolation, at::Tensor &out)
Definition: Functions.h:11129
at::Tensor _make_dual_copy(const at::Tensor &primal, const at::Tensor &tangent, int64_t level)
Definition: Functions.h:18680
at::Tensor 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)
Definition: Functions.h:16510
const at::Tensor & as_strided_(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt)
Definition: Functions.h:917
at::Tensor & _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)
Definition: Functions.h:22975
at::Tensor & roll_outf(const at::Tensor &self, at::IntArrayRef shifts, at::IntArrayRef dims, at::Tensor &out)
Definition: Functions.h:22907
at::Tensor & xlogy_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4163
at::Tensor & hamming_window_out(at::Tensor &out, int64_t window_length)
Definition: Functions.h:21339
at::Tensor & _nested_tensor_strides_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:22957
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:19172
at::Tensor & special_hermite_polynomial_he_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19497
at::Tensor logical_or(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1243
at::Tensor softmax(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7156
void _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)
Definition: Functions.h:3597
at::Tensor & 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)
Definition: Functions.h:16400
at::Tensor & adaptive_avg_pool3d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:13309
at::Tensor & special_digamma_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17058
at::Tensor & softshrink_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &lambd=0.5)
Definition: Functions.h:13147
at::Tensor & _nested_tensor_size_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:22948
at::Tensor & 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)
Definition: Functions.h:16838
at::Tensor & heaviside_outf(const at::Tensor &self, const at::Tensor &values, at::Tensor &out)
Definition: Functions.h:8565
at::Tensor & _coalesced_outf(const at::Tensor &self, bool coalesced, at::Tensor &out)
Definition: Functions.h:23515
at::Tensor triu(const at::Tensor &self, int64_t diagonal=0)
Definition: Functions.h:9871
at::Tensor 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)
Definition: Functions.h:16640
at::Tensor _sparse_compressed_tensor_unsafe(const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8727
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:19177
inline ::std::tuple< at::Tensor &, at::Tensor & > mode_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:4857
at::Tensor special_i0(const at::Tensor &self)
Definition: Functions.h:17277
at::Tensor & 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)
Definition: Functions.h:18361
inline ::std::vector< at::Tensor > _foreach_zero(at::TensorList self)
Definition: Functions.h:24655
at::Tensor & _upsample_nearest_exact1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15599
at::Tensor & polar_outf(const at::Tensor &abs, const at::Tensor &angle, at::Tensor &out)
Definition: Functions.h:1682
at::Tensor embedding_symint(const at::Tensor &weight, const at::Tensor &indices, c10::SymInt padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false)
Definition: Functions.h:2417
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _linalg_slogdet_outf(const at::Tensor &A, at::Tensor &sign, at::Tensor &logabsdet, at::Tensor &LU, at::Tensor &pivots)
Definition: Functions.h:18010
const at::Tensor & as_strided__symint(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt)
Definition: Functions.h:928
at::Tensor & select_scatter_symint_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index)
Definition: Functions.h:22695
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > _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)
Definition: Functions.h:238
at::Tensor index_select(const at::Tensor &self, int64_t dim, const at::Tensor &index)
Definition: Functions.h:10280
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23011
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:205
at::Tensor & new_full_outf(const at::Tensor &self, at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out)
Definition: Functions.h:20950
at::Tensor & _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)
Definition: Functions.h:24407
at::Tensor log(const at::Tensor &self)
Definition: Functions.h:4030
void _foreach_log10_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24781
at::Tensor linalg_det(const at::Tensor &A)
Definition: Functions.h:17893
at::Tensor _fw_primal_copy(const at::Tensor &self, int64_t level)
Definition: Functions.h:18675
at::Tensor & floor_divide_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3147
at::Tensor & _adaptive_avg_pool2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:25047
at::Tensor _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)
Definition: Functions.h:183
at::Tensor pinverse(const at::Tensor &self, double rcond=1e-15)
Definition: Functions.h:5381
at::Tensor upsample_bicubic2d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14598
at::Tensor pad(const at::Tensor &self, at::IntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt)
Definition: Functions.h:14477
at::Tensor & asinh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:829
void _foreach_sub_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24430
at::Tensor gather_backward(const at::Tensor &grad, const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad)
Definition: Functions.h:10378
at::Tensor & log_sigmoid_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &buffer, at::Tensor &grad_input)
Definition: Functions.h:13085
at::Tensor & 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)
Definition: Functions.h:25033
at::Tensor & dstack_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:7438
at::Tensor resize_as_sparse(const at::Tensor &self, const at::Tensor &the_template)
Definition: Functions.h:23339
void _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)
Definition: Functions.h:20028
at::Tensor & linalg_tensorsolve_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, at::OptionalIntArrayRef dims=c10::nullopt)
Definition: Functions.h:18473
void _foreach_norm_out(at::TensorList out, at::TensorList self, const at::Scalar &ord=2)
Definition: Functions.h:24957
at::Tensor _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)
Definition: Functions.h:1980
void _foreach_expm1_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24750
at::Tensor & _indices_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25761
at::Tensor _neg_view_copy(const at::Tensor &self)
Definition: Functions.h:18700
void _foreach_sub_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24434
at::Tensor _sparse_sparse_matmul(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4843
at::Tensor 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={})
Definition: Functions.h:2229
at::Tensor nanmean(const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:4559
at::Tensor & divide_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2321
at::Tensor & igammac_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10956
at::Tensor & uniform_out(at::Tensor &out, const at::Tensor &self, double from=0, double to=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24180
at::Tensor & expand_copy_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, bool implicit, at::Tensor &out)
Definition: Functions.h:25542
at::Tensor sin(const at::Tensor &self)
Definition: Functions.h:6959
at::Tensor & logit_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::optional< double > eps, at::Tensor &grad_input)
Definition: Functions.h:16365
at::Tensor & special_shifted_chebyshev_polynomial_v_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19791
void _foreach_div_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24448
at::Tensor & heaviside_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &values)
Definition: Functions.h:8561
at::Tensor hardshrink(const at::Tensor &self, const at::Scalar &lambd=0.5)
Definition: Functions.h:6735
at::Tensor special_modified_bessel_i0(const at::Tensor &self)
Definition: Functions.h:19608
at::Tensor mkldnn_adaptive_avg_pool2d_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:13255
int64_t q_zero_point(const at::Tensor &self)
Definition: Functions.h:9025
at::Tensor 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)
Definition: Functions.h:4511
at::Tensor 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)
Definition: Functions.h:12753
at::Tensor & log_softmax_outf(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:4213
at::Tensor 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)
Definition: Functions.h:16303
at::Tensor & 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)
Definition: Functions.h:25370
at::Tensor & 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)
Definition: Functions.h:12981
at::Tensor & 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)
Definition: Functions.h:22083
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:1795
at::Tensor & 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)
Definition: Functions.h:12347
at::Tensor & nan_to_num_(at::Tensor &self, c10::optional< double > nan=c10::nullopt, c10::optional< double > posinf=c10::nullopt, c10::optional< double > neginf=c10::nullopt)
Definition: Functions.h:3900
at::Tensor & 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)
Definition: Functions.h:21682
void split_copy_outf(const at::Tensor &self, int64_t split_size, int64_t dim, at::TensorList out)
Definition: Functions.h:18974
at::Tensor & silu_(at::Tensor &self)
Definition: Functions.h:6869
at::Tensor & 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)
Definition: Functions.h:17502
at::Tensor & 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)
Definition: Functions.h:23656
at::Tensor & _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)
Definition: Functions.h:15060
at::Tensor & argmax_outf(const at::Tensor &self, c10::optional< int64_t > dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:762
at::Tensor rand_symint(c10::SymIntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={})
Definition: Functions.h:5460
at::Tensor empty_symint(c10::SymIntArrayRef size, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2623
at::Tensor & zeros_symint_out(at::Tensor &out, c10::SymIntArrayRef size)
Definition: Functions.h:8220
at::Tensor & 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))
Definition: Functions.h:16673
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:5057
at::Tensor & frac_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:3175
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _linalg_svd(const at::Tensor &A, bool full_matrices=false, bool compute_uv=true, c10::optional< c10::string_view > driver=c10::nullopt)
Definition: Functions.h:18286
inline ::std::tuple< at::Tensor &, at::Tensor & > sort_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim=-1, bool descending=false)
Definition: Functions.h:11176
inline ::std::tuple< at::Tensor, at::Tensor > nll_loss_forward(const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index)
Definition: Functions.h:12489
at::Tensor & 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)
Definition: Functions.h:21713
at::Tensor & zero_(at::Tensor &self)
Definition: Functions.h:8513
at::Tensor & bitwise_or_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9648
inline ::std::tuple< at::Tensor &, at::Tensor & > multilabel_margin_loss_forward_outf(const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &output, at::Tensor &is_target)
Definition: Functions.h:12333
at::Tensor 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)
Definition: Functions.h:4521
at::Tensor & arccos_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:512
at::Tensor & 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)
Definition: Functions.h:17656
at::Tensor & 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)
Definition: Functions.h:23606
at::Tensor cartesian_prod(at::TensorList tensors)
Definition: Functions.h:9164
at::Tensor & log1p_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:4078
at::Tensor take(const at::Tensor &self, const at::Tensor &index)
Definition: Functions.h:10252
at::Tensor squeeze_copy(const at::Tensor &self)
Definition: Functions.h:18879
at::Tensor adaptive_avg_pool2d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13219
at::Tensor cumulative_trapezoid(const at::Tensor &y, const at::Tensor &x, int64_t dim=-1)
Definition: Functions.h:2142
at::Tensor & _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)
Definition: Functions.h:15742
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:18291
at::Tensor logaddexp2(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4129
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:10641
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23845
at::Tensor & special_zeta_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17250
at::Tensor _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)
Definition: Functions.h:1774
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:4728
at::Tensor & _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)
Definition: Functions.h:25962
at::Tensor special_chebyshev_polynomial_v(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19356
at::Tensor & upsample_nearest1d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15577
inline ::std::vector< at::Tensor > _foreach_tan(at::TensorList self)
Definition: Functions.h:12003
inline ::std::vector< at::Tensor > unsafe_split_with_sizes(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:7269
at::Tensor replication_pad3d_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14422
void _foreach_clamp_max_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24470
const at::Tensor & fft_hfftn_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out)
Definition: Functions.h:17716
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:19142
inline ::std::tuple< at::Tensor, at::Tensor > aminmax(const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false)
Definition: Functions.h:4379
at::Tensor hardswish(const at::Tensor &self)
Definition: Functions.h:13005
void _foreach_atan_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24700
void _foreach_sin_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24831
at::Tensor _adaptive_avg_pool3d_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:13384
at::Tensor moveaxis(const at::Tensor &self, at::IntArrayRef source, at::IntArrayRef destination)
Definition: Functions.h:5341
at::Tensor & zeros_like_outf(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:23131
at::Tensor & empty_strided_out(at::Tensor &out, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:21187
at::Tensor & linalg_tensorinv_out(at::Tensor &out, const at::Tensor &self, int64_t ind=2)
Definition: Functions.h:18459
void _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={})
Definition: Functions.h:19884
at::Tensor fake_quantize_per_tensor_affine_cachemask_backward(const at::Tensor &grad, const at::Tensor &mask)
Definition: Functions.h:9080
at::Tensor __dispatch_conj(const at::Tensor &self)
Definition: Functions.h:439
at::Tensor & less_equal_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10103
at::Tensor & _pdist_backward_outf(const at::Tensor &grad, const at::Tensor &self, double p, const at::Tensor &pdist, at::Tensor &out)
Definition: Functions.h:22199
void _foreach_clamp_max_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24466
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _thnn_fused_gru_cell_backward(const at::Tensor &grad_hy, const at::Tensor &workspace, bool has_bias)
Definition: Functions.h:9244
at::Tensor all(const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:642
at::Tensor 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)
Definition: Functions.h:15280
at::Tensor & arctan_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:1010
at::Tensor & set_symint_outf(const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out)
Definition: Functions.h:23906
at::Tensor & trunc_(at::Tensor &self)
Definition: Functions.h:7896
at::Tensor & hardtanh_outf(const at::Tensor &self, const at::Scalar &min_val, const at::Scalar &max_val, at::Tensor &out)
Definition: Functions.h:12967
at::Tensor index_copy(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source)
Definition: Functions.h:3645
at::Tensor special_expm1(const at::Tensor &self)
Definition: Functions.h:17011
at::Tensor & threshold_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &threshold, at::Tensor &grad_input)
Definition: Functions.h:7761
inline ::std::vector< at::Tensor > _foreach_mul(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11598
at::Tensor & _foobar_outf(const at::Tensor &self, bool arg1, bool arg2, bool arg3, at::Tensor &out)
Definition: Functions.h:26002
at::Tensor & dropout_(at::Tensor &self, double p, bool train)
Definition: Functions.h:318
at::Tensor hardsigmoid_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:12958
at::Tensor fliplr(const at::Tensor &self)
Definition: Functions.h:7806
at::Tensor _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)
Definition: Functions.h:2543
at::Tensor geometric(const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24245
at::Tensor & ones_like_outf(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:22154
at::Tensor diagonal_scatter(const at::Tensor &self, const at::Tensor &src, int64_t offset=0, int64_t dim1=0, int64_t dim2=1)
Definition: Functions.h:7124
at::Tensor special_log_softmax(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:17431
at::Tensor & vstack_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:7424
at::Tensor tanh(const at::Tensor &self)
Definition: Functions.h:7705
at::Tensor & mse_loss_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction)
Definition: Functions.h:12268
at::Tensor & 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)
Definition: Functions.h:13445
at::Tensor & reflection_pad3d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13938
inline ::std::tuple< at::Tensor &, at::Tensor & > batch_norm_stats_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, double eps)
Definition: Functions.h:22034
at::Tensor & _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)
Definition: Functions.h:23423
at::Tensor & empty_quantized_out(at::Tensor &out, at::IntArrayRef size, const at::Tensor &qtensor, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21169
at::Tensor & _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)
Definition: Functions.h:24016
at::Tensor & softplus_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold, at::Tensor &grad_input)
Definition: Functions.h:13137
at::Tensor _pad_circular_symint(const at::Tensor &self, c10::SymIntArrayRef pad)
Definition: Functions.h:14444
inline ::std::tuple< at::Tensor &, at::Tensor & > cummin_outf(const at::Tensor &self, int64_t dim, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:2052
at::Tensor & _upsample_nearest_exact1d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15621
at::Tensor & _adaptive_avg_pool3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25148
at::Tensor & gcd_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:3299
bool is_inference(const Tensor &tensor)
Definition: Functions.h:26074
at::Tensor & _add_relu_(at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:555
at::Tensor & tril_out(at::Tensor &out, const at::Tensor &self, int64_t diagonal=0)
Definition: Functions.h:9876
at::Tensor & _histogramdd_from_bin_tensors_outf(const at::Tensor &self, at::TensorList bins, const c10::optional< at::Tensor > &weight, bool density, at::Tensor &out)
Definition: Functions.h:24317
at::Tensor & sign_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10748
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:216
at::Tensor zeros(at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={})
Definition: Functions.h:8136
at::Tensor & relu_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:22523
at::Tensor _upsample_nearest_exact1d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14664
at::Tensor & mkldnn_adaptive_avg_pool2d_backward_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:25038
at::Tensor & _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)
Definition: Functions.h:23412
at::Tensor & ger_outf(const at::Tensor &self, const at::Tensor &vec2, at::Tensor &out)
Definition: Functions.h:18211
at::Tensor & deg2rad_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:5424
inline ::std::tuple< at::Tensor, at::Tensor > frexp(const at::Tensor &self)
Definition: Functions.h:8437
at::Tensor square(const at::Tensor &self)
Definition: Functions.h:7543
at::Tensor atanh(const at::Tensor &self)
Definition: Functions.h:857
at::Tensor _test_optional_intlist(const at::Tensor &values, at::OptionalIntArrayRef addends)
Definition: Functions.h:18590
at::Tensor mean(const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:4526
at::Tensor & _sparse_broadcast_to_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:25491
inline ::std::tuple< at::Tensor, at::Tensor > choose_qparams_optimized(const at::Tensor &input, int64_t numel, int64_t n_bins, double ratio, int64_t bit_width)
Definition: Functions.h:9140
const at::Tensor & 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)
Definition: Functions.h:17712
at::Tensor & _logcumsumexp_outf(const at::Tensor &self, int64_t dim, at::Tensor &out)
Definition: Functions.h:4260
at::Tensor positive(const at::Tensor &self)
Definition: Functions.h:8498
at::Tensor & index_select_outf(const at::Tensor &self, int64_t dim, const at::Tensor &index, at::Tensor &out)
Definition: Functions.h:10275
at::Tensor linalg_diagonal(const at::Tensor &A, int64_t offset=0, int64_t dim1=-2, int64_t dim2=-1)
Definition: Functions.h:2197
at::Tensor & _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)
Definition: Functions.h:15093
inline ::std::tuple< at::Tensor &, at::Tensor & > qr_out(at::Tensor &Q, at::Tensor &R, const at::Tensor &self, bool some=true)
Definition: Functions.h:10561
at::Tensor & _fft_c2c_symint_outf(const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward, at::Tensor &out)
Definition: Functions.h:3586
at::Tensor & 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)
Definition: Functions.h:17516
at::Tensor cumprod(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:2081
at::Tensor _sparse_softmax_backward_data(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self)
Definition: Functions.h:8341
at::Tensor & sinh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7007
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23029
at::Tensor & reflection_pad1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13641
inline ::std::vector< at::Tensor > _foreach_maximum(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11638
at::Tensor _upsample_nearest_exact1d_backward(const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15797
at::Tensor & ceil_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:1424
at::Tensor linalg_solve_triangular(const at::Tensor &self, const at::Tensor &B, bool upper, bool left=true, bool unitriangular=false)
Definition: Functions.h:10480
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:1758
at::Tensor kaiser_window(int64_t window_length, at::TensorOptions options={})
Definition: Functions.h:3422
at::Tensor & erfc_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:2957
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23823
at::Tensor & 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)
Definition: Functions.h:9453
at::Tensor _remove_batch_dim(const at::Tensor &self, int64_t level, int64_t batch_size, int64_t out_dim)
Definition: Functions.h:16964
at::Tensor dropout(const at::Tensor &input, double p, bool train)
Definition: Functions.h:313
at::Tensor & neg_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6460
at::Tensor & _to_dense_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:23493
at::Tensor & _sample_dirichlet_outf(const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:23167
at::Tensor linalg_matrix_exp(const at::Tensor &self)
Definition: Functions.h:17996
at::Tensor sparse_bsr_tensor(const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8664
at::Tensor index_select_backward_symint(const at::Tensor &grad, c10::SymIntArrayRef self_sizes, int64_t dim, const at::Tensor &index)
Definition: Functions.h:10310
at::Tensor & 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)
Definition: Functions.h:17572
at::Tensor _nested_view_from_buffer_copy(const at::Tensor &self, const at::Tensor &nested_size, const at::Tensor &nested_strides, at::IntArrayRef offsets)
Definition: Functions.h:7876
at::Tensor cross(const at::Tensor &self, const at::Tensor &other, c10::optional< int64_t > dim=c10::nullopt)
Definition: Functions.h:9857
at::Tensor & addcdiv_outf(const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:10420
void _foreach_trunc_(at::TensorList self)
Definition: Functions.h:12098
at::Tensor _test_optional_floatlist(const at::Tensor &values, c10::optional< at::ArrayRef< double > > addends)
Definition: Functions.h:18600
at::Tensor & gelu_out(at::Tensor &out, const at::Tensor &self, c10::string_view approximate="none")
Definition: Functions.h:6688
inline ::std::tuple< at::Tensor, at::Tensor, double, int64_t > fbgemm_linear_quantize_weight(const at::Tensor &input)
Definition: Functions.h:3963
at::Tensor & _test_optional_filled_intlist_out(at::Tensor &out, const at::Tensor &values, at::OptionalIntArrayRef addends)
Definition: Functions.h:25321
at::Tensor & _efficientzerotensor_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:23122
at::Tensor & igamma_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10942
void split_with_sizes_copy_outf(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out)
Definition: Functions.h:19018
at::Tensor select_copy_symint(const at::Tensor &self, int64_t dim, c10::SymInt index)
Definition: Functions.h:18797
at::Tensor special_i0e(const at::Tensor &self)
Definition: Functions.h:17291
at::Tensor & quantize_per_tensor_dynamic_outf(const at::Tensor &self, at::ScalarType dtype, bool reduce_range, at::Tensor &out)
Definition: Functions.h:23624
at::Tensor & set_outf(const at::Tensor &self, at::Storage source, at::Tensor &out)
Definition: Functions.h:23863
at::Tensor detach(const at::Tensor &self)
Definition: Functions.h:7016
inline ::std::tuple< at::Tensor &, at::Tensor & > median_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:4587
void _foreach_log_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24768
at::Tensor & upsample_nearest1d_outf(const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:15566
at::Tensor & sinc_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6988
at::Tensor upsample_bilinear2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14521
at::Tensor mish(const at::Tensor &self)
Definition: Functions.h:6897
at::Tensor & _sparse_csr_sum_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:23230
at::Tensor & 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)
Definition: Functions.h:16477
at::Tensor _make_per_tensor_quantized_tensor(const at::Tensor &self, double scale, int64_t zero_point)
Definition: Functions.h:9050
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21852
at::Tensor & view_copy_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:25851
at::Tensor & hardtanh_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &min_val=-1, const at::Scalar &max_val=1)
Definition: Functions.h:12963
at::Tensor & special_bessel_y1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19263
void _foreach_reciprocal_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24880
at::Tensor prod(const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7648
at::Tensor cos(const at::Tensor &self)
Definition: Functions.h:1887
at::Tensor & logical_or_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:1252
at::Tensor & alpha_dropout_(at::Tensor &self, double p, bool train)
Definition: Functions.h:338
at::Tensor 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)
Definition: Functions.h:16039
at::Tensor value_selecting_reduction_backward(const at::Tensor &grad, int64_t dim, const at::Tensor &indices, at::IntArrayRef sizes, bool keepdim)
Definition: Functions.h:4435
at::Tensor & 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)
Definition: Functions.h:12845
at::Tensor & 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)
Definition: Functions.h:9596
at::Tensor & _fft_r2c_outf(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool onesided, at::Tensor &out)
Definition: Functions.h:3512
at::Tensor & 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)
Definition: Functions.h:21736
at::Tensor 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)
Definition: Functions.h:12352
at::Tensor arange(const at::Scalar &end, at::TensorOptions options={})
Definition: Functions.h:703
at::Tensor & special_logit_out(at::Tensor &out, const at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:17338
void _foreach_addcmul_out(at::TensorList out, at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1)
Definition: Functions.h:24912
at::Tensor _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)
Definition: Functions.h:9085
at::Tensor & _values_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25770
at::Tensor & geometric_outf(const at::Tensor &self, double p, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:24240
at::Tensor & mkldnn_adaptive_avg_pool2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25042
at::Tensor _pdist_backward(const at::Tensor &grad, const at::Tensor &self, double p, const at::Tensor &pdist)
Definition: Functions.h:5316
at::Tensor & 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)
Definition: Functions.h:21276
at::Tensor & new_empty_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:20851
at::Tensor & 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)
Definition: Functions.h:24362
at::Tensor & _euclidean_dist_out(at::Tensor &out, const at::Tensor &x1, const at::Tensor &x2)
Definition: Functions.h:22159
at::Tensor unfold_backward_symint(const at::Tensor &grad_in, c10::SymIntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step)
Definition: Functions.h:11328
at::Tensor fbgemm_linear_fp16_weight_fp32_activation(const at::Tensor &input, const at::Tensor &packed_weight, const at::Tensor &bias)
Definition: Functions.h:3973
at::Tensor 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)
Definition: Functions.h:2461
at::Tensor & _test_optional_filled_intlist_outf(const at::Tensor &values, at::OptionalIntArrayRef addends, at::Tensor &out)
Definition: Functions.h:25325
at::Tensor 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)
Definition: Functions.h:19117
at::Tensor 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)
Definition: Functions.h:7129
at::Tensor randperm(int64_t n, at::TensorOptions options=at::kLong)
Definition: Functions.h:6354
at::Tensor isinf(const at::Tensor &self)
Definition: Functions.h:16926
at::Tensor & multiply_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4904
const at::Tensor & 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)
Definition: Functions.h:17628
at::Tensor & kron_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3792
at::Tensor & _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)
Definition: Functions.h:21763
at::Tensor & 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)
Definition: Functions.h:12821
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:18421
bool is_floating_point(const Tensor &tensor)
Definition: Functions.h:26066
void split_with_sizes_copy_symint_outf(const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim, at::TensorList out)
Definition: Functions.h:19040
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > conv_tbc_backward(const at::Tensor &self, const at::Tensor &input, const at::Tensor &weight, const at::Tensor &bias, int64_t pad)
Definition: Functions.h:1852
void _validate_sparse_bsc_tensor_args(const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size)
Definition: Functions.h:8868
at::Tensor lift_fresh(const at::Tensor &self)
Definition: Functions.h:9399
at::Tensor & nuclear_norm_outf(const at::Tensor &self, bool keepdim, at::Tensor &out)
Definition: Functions.h:8474
at::Tensor logit(const at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:6940
at::Tensor histc(const at::Tensor &self, int64_t bins=100, const at::Scalar &min=0, const at::Scalar &max=0)
Definition: Functions.h:10837
at::Tensor & _sparse_sum_outf(const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out)
Definition: Functions.h:23212
at::Tensor & _coalesce_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23506
inline ::std::tuple< at::Tensor &, at::Tensor & > _fused_dropout_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:20048
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_qr_out(at::Tensor &Q, at::Tensor &R, const at::Tensor &A, c10::string_view mode="reduced")
Definition: Functions.h:18487
at::Tensor & rad2deg_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:5405
at::Tensor view_as_complex_copy(const at::Tensor &self)
Definition: Functions.h:18690
at::Tensor _reshape_from_tensor(const at::Tensor &self, const at::Tensor &shape)
Definition: Functions.h:303
at::Tensor one_hot(const at::Tensor &self, int64_t num_classes=-1)
Definition: Functions.h:7796
at::Tensor upsample_nearest1d_backward_symint(const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15786
at::Tensor & masked_select_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mask)
Definition: Functions.h:10321
at::Tensor & adaptive_avg_pool2d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13186
at::Tensor feature_alpha_dropout(const at::Tensor &input, double p, bool train)
Definition: Functions.h:343
at::Tensor & eq_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:9995
at::Tensor special_psi(const at::Tensor &self)
Definition: Functions.h:17039
at::Tensor & 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)
Definition: Functions.h:5104
bool is_signed(const Tensor &tensor)
Definition: Functions.h:26070
at::Tensor imag(const at::Tensor &self)
Definition: Functions.h:429
void _foreach_cosh_(at::TensorList self)
Definition: Functions.h:11908
at::Tensor special_modified_bessel_i1(const at::Tensor &self)
Definition: Functions.h:19622
at::Tensor smooth_l1_loss_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double beta)
Definition: Functions.h:12798
at::Tensor & special_xlog1py_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:17170
at::Tensor & _sparse_coo_tensor_with_dims_outf(int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:23407
at::Tensor select_backward_symint(const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index)
Definition: Functions.h:6811
at::Tensor & quantize_per_tensor_dynamic_out(at::Tensor &out, const at::Tensor &self, at::ScalarType dtype, bool reduce_range)
Definition: Functions.h:23620
at::Tensor & minimum_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:11101
at::Tensor & exp_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:2976
at::Tensor & atan_(at::Tensor &self)
Definition: Functions.h:982
inline ::std::vector< at::Tensor > unsafe_split_with_sizes_symint(const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:7280
at::Tensor __rshift__(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9777
at::Tensor & bitwise_xor_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:9695
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:19211
at::Tensor & _fft_c2c_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward)
Definition: Functions.h:3553
at::Tensor 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)
Definition: Functions.h:1867
at::Tensor & replication_pad3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14378
at::Tensor & select_backward_outf(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index, at::Tensor &out)
Definition: Functions.h:22543
at::Tensor & _index_put_impl_(at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false, bool unsafe=false)
Definition: Functions.h:3665
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9229
inline ::std::tuple< at::Tensor, at::Tensor > geqrf(const at::Tensor &self)
Definition: Functions.h:10584
at::Tensor & _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)
Definition: Functions.h:22988
at::Tensor & arccosh_(at::Tensor &self)
Definition: Functions.h:805
at::Tensor _sparse_sum(const at::Tensor &self)
Definition: Functions.h:8291
at::Tensor special_softmax(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:17478
int64_t __dispatch_size(const at::Tensor &self, int64_t dim)
Definition: Functions.h:7026
inline ::std::tuple< at::Tensor, at::Tensor > slogdet(const at::Tensor &self)
Definition: Functions.h:18029
at::Tensor & pixel_shuffle_outf(const at::Tensor &self, int64_t upscale_factor, at::Tensor &out)
Definition: Functions.h:22208
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:13566
void _foreach_sub_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11593
at::Tensor & soft_margin_loss_outf(const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &out)
Definition: Functions.h:12835
inline ::std::tuple< at::Tensor, at::Tensor > linalg_lu_factor(const at::Tensor &A, bool pivot=true)
Definition: Functions.h:17823
at::Tensor & fft_irfftn_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17702
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20526
at::Tensor select_scatter(const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index)
Definition: Functions.h:7102
at::Tensor & relu_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:22527
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:9274
at::Tensor & _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)
Definition: Functions.h:20387
void _cufft_set_plan_cache_max_size(int64_t device_index, int64_t max_size)
Definition: Functions.h:3612
at::Tensor & take_outf(const at::Tensor &self, const at::Tensor &index, at::Tensor &out)
Definition: Functions.h:10247
at::Tensor & _cdist_backward_outf(const at::Tensor &grad, const at::Tensor &x1, const at::Tensor &x2, double p, const at::Tensor &cdist, at::Tensor &out)
Definition: Functions.h:22181
at::Tensor & to_sparse_bsc_outf(const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim, at::Tensor &out)
Definition: Functions.h:23588
at::Tensor & sinc_(at::Tensor &self)
Definition: Functions.h:6983
void _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)
Definition: Functions.h:20006
at::Tensor & prod_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7658
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22047
at::Tensor & column_stack_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:16902
void _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)
Definition: Functions.h:26025
inline ::std::tuple< at::Tensor &, at::Tensor & > _fused_dropout_outf(const at::Tensor &self, double p, c10::optional< at::Generator > generator, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:20052
at::Tensor _shape_as_tensor(const at::Tensor &self)
Definition: Functions.h:308
at::Tensor & _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)
Definition: Functions.h:23764
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21610
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:22029
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19951
at::Tensor & 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)
Definition: Functions.h:1144
at::Tensor triu_indices(int64_t row, int64_t col, int64_t offset=0, at::TensorOptions options=at::kLong)
Definition: Functions.h:9899
inline ::std::tuple< at::Tensor &, at::Tensor & > _pack_padded_sequence_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, const at::Tensor &lengths, bool batch_first)
Definition: Functions.h:23850
at::Tensor special_hermite_polynomial_h(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19440
at::Tensor & _spdiags_outf(const at::Tensor &diagonals, const at::Tensor &offsets, at::IntArrayRef shape, c10::optional< at::Layout > layout, at::Tensor &out)
Definition: Functions.h:23284
at::Tensor _nnpack_spatial_convolution(const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::IntArrayRef padding, at::IntArrayRef stride=1)
Definition: Functions.h:5153
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13585
at::Tensor & 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)
Definition: Functions.h:22759
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9249
void unsafe_split_with_sizes_symint_outf(const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim, at::TensorList out)
Definition: Functions.h:22847
at::Tensor & int_repr_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23701
inline ::std::vector< at::Tensor > split_with_sizes(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:7291
at::Tensor & special_log1p_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17426
at::Tensor logdet(const at::Tensor &self)
Definition: Functions.h:18043
at::Tensor & less_equal_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10107
at::Tensor transpose(const at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:7776
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21825
at::Tensor & relu_(at::Tensor &self)
Definition: Functions.h:6658
at::Tensor & mv_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &vec)
Definition: Functions.h:4919
at::Tensor & 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)
Definition: Functions.h:17684
at::Tensor 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)
Definition: Functions.h:16783
at::Tensor & _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)
Definition: Functions.h:23275
at::Tensor _sparse_softmax(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:8326
at::Tensor & 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)
Definition: Functions.h:14972
void split_with_sizes_copy_out(at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:19007
at::Tensor & 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)
Definition: Functions.h:15852
at::Tensor & hardsigmoid_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:12930
at::Tensor & 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)
Definition: Functions.h:12720
at::Tensor special_log1p(const at::Tensor &self)
Definition: Functions.h:17417
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13561
at::Tensor bucketize(const at::Tensor &self, const at::Tensor &boundaries, bool out_int32=false, bool right=false)
Definition: Functions.h:12188
at::Tensor & 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)
Definition: Functions.h:2238
void _foreach_log1p_(at::TensorList self)
Definition: Functions.h:11978
at::Tensor & 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)
Definition: Functions.h:18249
at::Tensor det(const at::Tensor &self)
Definition: Functions.h:17907
at::Tensor & special_ndtr_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17146
at::Tensor & 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)
Definition: Functions.h:12709
at::Tensor linalg_matrix_rank(const at::Tensor &input, const c10::optional< at::Tensor > &atol={}, const c10::optional< at::Tensor > &rtol={}, bool hermitian=false)
Definition: Functions.h:18510
at::Tensor & div_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2283
inline ::std::vector< at::Tensor > nonzero_numpy(const at::Tensor &self)
Definition: Functions.h:10354
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:17959
at::Tensor smooth_l1_loss(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double beta=1.0)
Definition: Functions.h:12784
at::Tensor _cast_Int(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:103
at::Tensor _reshape_alias_copy_symint(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride)
Definition: Functions.h:18775
at::Tensor 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)
Definition: Functions.h:13104
at::Tensor _convert_indices_from_coo_to_csr(const at::Tensor &self, int64_t size, bool out_int32=false)
Definition: Functions.h:12226
at::Tensor _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)
Definition: Functions.h:18670
at::Tensor & linalg_eigvals_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:18071
at::Tensor & cauchy_out(at::Tensor &out, const at::Tensor &self, double median=0, double sigma=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24194
at::Tensor argmin(const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false)
Definition: Functions.h:767
at::Tensor 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)
Definition: Functions.h:12423
at::Tensor & replication_pad3d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14334
at::Tensor & special_entr_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:16974
at::Tensor & 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)
Definition: Functions.h:14928
inline ::std::tuple< at::Tensor, at::Tensor > mode(const at::Tensor &self, int64_t dim=-1, bool keepdim=false)
Definition: Functions.h:4848
at::Tensor & 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)
Definition: Functions.h:13543
inline ::std::vector< at::Tensor > _foreach_cos(at::TensorList self)
Definition: Functions.h:11893
at::Tensor & 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)
Definition: Functions.h:25659
int64_t stride(const at::Tensor &self, at::Dimname dim)
Definition: Functions.h:7467
at::Tensor _gather_sparse_backward(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &grad)
Definition: Functions.h:10397
at::Tensor & _logcumsumexp_out(at::Tensor &out, const at::Tensor &self, int64_t dim)
Definition: Functions.h:4256
const at::Tensor & _resize_output_(const at::Tensor &self, at::IntArrayRef size, at::Device device)
Definition: Functions.h:2817
at::Tensor argmax(const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false)
Definition: Functions.h:753
at::Tensor index_add(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source, const at::Scalar &alpha=1)
Definition: Functions.h:9462
at::Tensor & 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)
Definition: Functions.h:16248
at::Tensor & outer_outf(const at::Tensor &self, const at::Tensor &vec2, at::Tensor &out)
Definition: Functions.h:18197
at::Tensor special_expit(const at::Tensor &self)
Definition: Functions.h:17375
bool _has_compatible_shallow_copy_type(const at::Tensor &self, const at::Tensor &from)
Definition: Functions.h:7929
at::Tensor floor(const at::Tensor &self)
Definition: Functions.h:3123
at::Tensor & row_indices_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25820
at::Tensor & logsumexp_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:4302
void _validate_sparse_coo_tensor_args(const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size)
Definition: Functions.h:8843
at::Tensor & bitwise_xor_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9691
at::Tensor _histogramdd_from_bin_tensors(const at::Tensor &self, at::TensorList bins, const c10::optional< at::Tensor > &weight={}, bool density=false)
Definition: Functions.h:10880
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21843
at::Tensor as_strided_copy(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset=c10::nullopt)
Definition: Functions.h:18705
at::Tensor & clamp_(at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt)
Definition: Functions.h:1512
at::Tensor & cholesky_outf(const at::Tensor &self, bool upper, at::Tensor &out)
Definition: Functions.h:10518
at::Tensor diagonal_copy(const at::Tensor &self, int64_t offset=0, int64_t dim1=0, int64_t dim2=1)
Definition: Functions.h:18732
at::Tensor & lift_fresh_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23976
inline ::std::vector< at::Tensor > unbind_copy(const at::Tensor &self, int64_t dim=0)
Definition: Functions.h:18949
at::Tensor & 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)
Definition: Functions.h:13114
at::Tensor & replication_pad2d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14235
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:2162
at::Tensor special_gammainc(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17445
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21838
at::Tensor & _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)
Definition: Functions.h:20589
at::Tensor & _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)
Definition: Functions.h:23719
void _foreach_trunc_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24894
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_ldl_factor_outf(const at::Tensor &self, bool hermitian, at::Tensor &LD, at::Tensor &pivots)
Definition: Functions.h:17935
at::Tensor & to_mkldnn_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:23593
at::Tensor & 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)
Definition: Functions.h:20259
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > svd(const at::Tensor &self, bool some=true, bool compute_uv=true)
Definition: Functions.h:10499
at::Tensor & clamp_min_outf(const at::Tensor &self, const at::Scalar &min, at::Tensor &out)
Definition: Functions.h:1602
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:20571
at::Tensor & squeeze_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25703
at::Tensor _adaptive_avg_pool2d_symint(const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:13271
inline ::std::tuple< at::Tensor, at::Tensor > fractional_max_pool2d(const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples)
Definition: Functions.h:13510
at::Tensor bartlett_window(int64_t window_length, at::TensorOptions options={})
Definition: Functions.h:1059
at::Tensor & nan_to_num_outf(const at::Tensor &self, c10::optional< double > nan, c10::optional< double > posinf, c10::optional< double > neginf, at::Tensor &out)
Definition: Functions.h:3909
void _foreach_acos_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24682
at::Tensor _adaptive_avg_pool2d_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:13282
at::Tensor & mse_loss_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &grad_input)
Definition: Functions.h:12272
at::Tensor adaptive_max_pool3d_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices)
Definition: Functions.h:13440
at::Tensor & _nested_tensor_from_mask_out(at::Tensor &out, const at::Tensor &t, const at::Tensor &mask, bool mask_check=true)
Definition: Functions.h:22930
at::Tensor _dirichlet_grad(const at::Tensor &x, const at::Tensor &alpha, const at::Tensor &total)
Definition: Functions.h:8261
at::Tensor & div_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:2287
at::Tensor & _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)
Definition: Functions.h:15368
void 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)
Definition: Functions.h:23809
at::Tensor & matmul_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4340
at::Tensor fft_ihfft2(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17637
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21435
at::Tensor & linalg_householder_product_out(at::Tensor &out, const at::Tensor &input, const at::Tensor &tau)
Definition: Functions.h:18123
at::Tensor reflection_pad2d_symint(const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13828
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:22921
at::Tensor 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)
Definition: Functions.h:4755
at::Tensor & 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)
Definition: Functions.h:16105
at::Tensor igammac(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10965
at::Tensor & special_bessel_j0_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19225
at::Tensor & ones_symint_outf(c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:5261
bool is_neg(const Tensor &tensor)
Definition: Functions.h:26090
at::Tensor gelu_backward(const at::Tensor &grad_output, const at::Tensor &self, c10::string_view approximate="none")
Definition: Functions.h:6716
at::Tensor & nanmean_out(at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:4564
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_cholesky_ex_outf(const at::Tensor &self, bool upper, bool check_errors, at::Tensor &L, at::Tensor &info)
Definition: Functions.h:17790
at::Tensor & special_xlogy_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17208
at::Tensor & linalg_multi_dot_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:18575
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23800
at::Tensor clamp_min(const at::Tensor &self, const at::Scalar &min)
Definition: Functions.h:1578
at::Tensor & replication_pad3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14301
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:4713
at::Tensor & rad2deg_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:5401
at::Tensor & sub_outf(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out)
Definition: Functions.h:8522
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:1742
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:5071
at::Tensor & reflection_pad2d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13795
at::Tensor & 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)
Definition: Functions.h:15489
at::Tensor _sparse_coo_tensor_unsafe_symint(const at::Tensor &indices, const at::Tensor &values, c10::SymIntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8821
at::Tensor & std_out(at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false)
Definition: Functions.h:7602
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, int64_t > _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)
Definition: Functions.h:1087
at::Tensor & ceil_(at::Tensor &self)
Definition: Functions.h:1415
at::Tensor 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)
Definition: Functions.h:1077
at::Tensor erfinv(const at::Tensor &self)
Definition: Functions.h:10706
at::Tensor & log2_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:4097
at::Tensor & isnan_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:21517
at::Tensor adaptive_avg_pool2d_symint(const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:13230
void _foreach_abs_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24669
at::Tensor 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)
Definition: Functions.h:16761
at::Tensor & selu_(at::Tensor &self)
Definition: Functions.h:6849
at::Tensor & _adaptive_avg_pool3d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25111
at::Tensor & greater_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10163
at::Tensor reflection_pad1d_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13762
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21424
at::Tensor & randperm_out(at::Tensor &out, int64_t n)
Definition: Functions.h:6372
at::Tensor & 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)
Definition: Functions.h:21905
at::Tensor & special_erf_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17086
void _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)
Definition: Functions.h:20017
at::Tensor & special_modified_bessel_i1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19627
at::Tensor & 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)
Definition: Functions.h:13603
at::Tensor & reflection_pad2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13850
at::Tensor & 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)
Definition: Functions.h:17530
at::Tensor atleast_3d(const at::Tensor &self)
Definition: Functions.h:1035
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13505
void _foreach_maximum_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24475
inline ::std::tuple< at::Tensor, at::Tensor > 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={})
Definition: Functions.h:9294
at::Tensor linalg_cross(const at::Tensor &self, const at::Tensor &other, int64_t dim=-1)
Definition: Functions.h:17809
at::Tensor & roll_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef shifts, at::IntArrayRef dims={})
Definition: Functions.h:22903
at::Tensor & float_power_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &exponent)
Definition: Functions.h:11386
at::Tensor & _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)
Definition: Functions.h:15357
at::Tensor _fft_c2c_symint(const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward)
Definition: Functions.h:3542
void _foreach_exp_(at::TensorList self)
Definition: Functions.h:11828
at::Tensor _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)
Definition: Functions.h:5164
at::Tensor _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)
Definition: Functions.h:2532
inline ::std::vector< at::Tensor > 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)
Definition: Functions.h:2243
at::Tensor tril(const at::Tensor &self, int64_t diagonal=0)
Definition: Functions.h:9885
at::Tensor set(const at::Tensor &self, at::Storage source)
Definition: Functions.h:23868
at::Tensor & logical_or_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1248
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_eigh_outf(const at::Tensor &self, c10::string_view UPLO, at::Tensor &eigvals, at::Tensor &eigvecs)
Definition: Functions.h:18099
at::Tensor & abs_(at::Tensor &self)
Definition: Functions.h:358
at::Tensor & ormqr_outf(const at::Tensor &self, const at::Tensor &input2, const at::Tensor &input3, bool left, bool transpose, at::Tensor &out)
Definition: Functions.h:10607
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9115
at::Tensor & sign_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10744
at::Tensor & dist_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &p=2)
Definition: Functions.h:24286
void _amp_foreach_non_finite_check_and_unscale_out(at::TensorList out, at::TensorList self, at::Tensor &found_inf, const at::Tensor &inv_scale)
Definition: Functions.h:24393
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23020
at::Tensor & special_erfinv_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17132
at::Tensor asin(const at::Tensor &self)
Definition: Functions.h:939
at::Tensor & _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)
Definition: Functions.h:15126
at::Tensor _test_ambiguous_defaults(const at::Tensor &dummy, int64_t a=1, int64_t b=1)
Definition: Functions.h:18610
bool is_complex(const Tensor &tensor)
Definition: Functions.h:26062
at::Tensor & special_hermite_polynomial_h_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19455
at::Tensor 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)
Definition: Functions.h:9329
at::Tensor & special_shifted_chebyshev_polynomial_w_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19833
at::Tensor & int_repr_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23705
at::Tensor & 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)
Definition: Functions.h:14895
inline ::std::vector< at::Tensor > vsplit(const at::Tensor &self, int64_t sections)
Definition: Functions.h:7323
at::Tensor & var_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim, at::Tensor &out)
Definition: Functions.h:8010
at::Tensor & randn_like_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:22452
at::Tensor randn_symint(c10::SymIntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:6103
at::Tensor & angle_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:391
at::Tensor & 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)
Definition: Functions.h:22629
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _lu_with_info(const at::Tensor &self, bool pivot=true, bool check_errors=true)
Definition: Functions.h:10617
at::Tensor & isinf_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25298
at::Tensor & normal_symint_out(at::Tensor &out, double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:11541
at::Tensor mse_loss_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction)
Definition: Functions.h:12277
at::Tensor & reflection_pad1d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13663
at::Tensor & 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)
Definition: Functions.h:20142
at::Tensor & 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)
Definition: Functions.h:16717
at::Tensor & arccos_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:516
at::Tensor & 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)
Definition: Functions.h:7368
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > linalg_svd(const at::Tensor &A, bool full_matrices=true, c10::optional< c10::string_view > driver=c10::nullopt)
Definition: Functions.h:18300
at::Tensor & _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)
Definition: Functions.h:16292
at::Tensor & 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)
Definition: Functions.h:25250
at::Tensor _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)
Definition: Functions.h:15148
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12456
at::Tensor & fix_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7920
at::Tensor & negative_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6479
at::Tensor max_unpool3d(const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::IntArrayRef stride, at::IntArrayRef padding)
Definition: Functions.h:13636
at::Tensor & _adaptive_avg_pool3d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25133
at::Tensor & special_modified_bessel_k1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19655
at::Tensor & reflection_pad2d_backward_symint_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13872
at::Tensor & norm_out(at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, at::ScalarType dtype)
Definition: Functions.h:8391
at::Tensor _add_batch_dim(const at::Tensor &self, int64_t batch_dim, int64_t level)
Definition: Functions.h:16959
at::Tensor & hstack_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:7410
at::Tensor & special_chebyshev_polynomial_w_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19417
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13529
const at::Tensor & resize_as_sparse_out(const at::Tensor &out, const at::Tensor &self, const at::Tensor &the_template)
Definition: Functions.h:23330
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:11261
at::Tensor & var_out(at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim=false)
Definition: Functions.h:8006
at::Tensor pixel_shuffle(const at::Tensor &self, int64_t upscale_factor)
Definition: Functions.h:5356
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23827
at::Tensor full_symint(c10::SymIntArrayRef size, const at::Scalar &fill_value, at::TensorOptions options={})
Definition: Functions.h:3211
at::Tensor & mish_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6911
const at::Tensor & resize_as_sparse_(const at::Tensor &self, const at::Tensor &the_template)
Definition: Functions.h:8508
at::Tensor & 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)
Definition: Functions.h:23660
at::Tensor & hardswish_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25024
at::Tensor & silu_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6874
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22074
at::Tensor & sub_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:8518
at::Tensor & 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)
Definition: Functions.h:17614
at::Tensor & _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)
Definition: Functions.h:25379
at::Tensor & ormqr_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &input2, const at::Tensor &input3, bool left=true, bool transpose=false)
Definition: Functions.h:10603
inline ::std::tuple< at::Tensor, at::Tensor > _fused_dropout(const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:263
bool __dispatch__is_zerotensor(const at::Tensor &self)
Definition: Functions.h:3747
at::Tensor & take_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &index)
Definition: Functions.h:10243
at::Tensor & 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)
Definition: Functions.h:20629
at::Tensor masked_fill(const at::Tensor &self, const at::Tensor &mask, const at::Scalar &value)
Definition: Functions.h:9409
at::Tensor abs(const at::Tensor &self)
Definition: Functions.h:353
at::Tensor & view_as_real_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25415
at::Tensor & repeat_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef repeats)
Definition: Functions.h:22483
at::Tensor & 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)
Definition: Functions.h:21695
at::Tensor special_hermite_polynomial_he(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19482
at::Tensor & special_i0_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17286
at::Tensor & new_zeros_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:21005
at::Tensor hamming_window(int64_t window_length, at::TensorOptions options={})
Definition: Functions.h:3386
at::Tensor & 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)
Definition: Functions.h:12599
at::Tensor & _sparse_sparse_matmul_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:22015
at::Tensor & _unsafe_view_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:23049
at::Tensor & 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)
Definition: Functions.h:12544
at::Tensor indices_copy(const at::Tensor &self)
Definition: Functions.h:18919
inline ::std::vector< at::Tensor > unflatten_dense_tensors(const at::Tensor &flat, at::TensorList tensors)
Definition: Functions.h:18665
at::Tensor native_dropout_backward(const at::Tensor &grad_output, const at::Tensor &mask, double scale)
Definition: Functions.h:278
at::Tensor & ones_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:5239
inline ::std::tuple< at::Tensor, at::Tensor > multilabel_margin_loss_forward(const at::Tensor &self, const at::Tensor &target, int64_t reduction)
Definition: Functions.h:12338
at::Tensor & dist_outf(const at::Tensor &self, const at::Tensor &other, const at::Scalar &p, at::Tensor &out)
Definition: Functions.h:24290
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:9264
at::Tensor & _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)
Definition: Functions.h:21503
at::Tensor & 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)
Definition: Functions.h:12817
at::Tensor 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)
Definition: Functions.h:18216
void _foreach_clamp_min_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24457
at::Tensor & fft_rfft_outf(const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17520
at::Tensor & new_empty_strided_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride)
Definition: Functions.h:20917
at::Tensor & 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)
Definition: Functions.h:15698
at::Tensor & _masked_scale_outf(const at::Tensor &self, const at::Tensor &mask, double scale, at::Tensor &out)
Definition: Functions.h:20061
at::Tensor & frobenius_norm_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:8460
at::Tensor & _sparse_softmax_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float)
Definition: Functions.h:23244
at::Tensor _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)
Definition: Functions.h:2521
at::Tensor & _cholesky_solve_helper_outf(const at::Tensor &self, const at::Tensor &A, bool upper, at::Tensor &out)
Definition: Functions.h:24281
at::Tensor diag_embed(const at::Tensor &self, int64_t offset=0, int64_t dim1=-2, int64_t dim2=-1)
Definition: Functions.h:2182
inline ::std::tuple< at::Tensor &, at::Tensor & > _unique_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &self, bool sorted=true, bool return_inverse=false)
Definition: Functions.h:22993
at::Tensor arcsin(const at::Tensor &self)
Definition: Functions.h:958
at::Tensor & absolute_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:377
inline ::std::tuple< at::Tensor &, at::Tensor & > adaptive_max_pool2d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out, at::Tensor &indices)
Definition: Functions.h:13393
at::Tensor _conj_physical(const at::Tensor &self)
Definition: Functions.h:444
at::Tensor & log1p_(at::Tensor &self)
Definition: Functions.h:4073
at::Tensor & ccol_indices_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25811
at::Tensor & neg_(at::Tensor &self)
Definition: Functions.h:6455
at::Tensor & 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)
Definition: Functions.h:1140
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23024
at::Tensor 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)
Definition: Functions.h:17539
at::Tensor 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)
Definition: Functions.h:1817
bool equal(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11339
at::Tensor & hypot_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10928
at::Tensor & 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)
Definition: Functions.h:18515
at::Tensor & pixel_unshuffle_outf(const at::Tensor &self, int64_t downscale_factor, at::Tensor &out)
Definition: Functions.h:22217
at::Tensor & 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)
Definition: Functions.h:16525
at::Tensor & concat_outf(at::TensorList tensors, int64_t dim, at::Tensor &out)
Definition: Functions.h:1358
void _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)
Definition: Functions.h:26011
inline ::std::tuple< at::Tensor &, at::Tensor & > _weight_norm_interface_outf(const at::Tensor &v, const at::Tensor &g, int64_t dim, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:23095
inline ::std::tuple< at::Tensor, at::Tensor, int64_t, int64_t, at::Tensor > _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)
Definition: Functions.h:19162
at::Tensor & sparse_mask_outf(const at::Tensor &self, const at::Tensor &mask, at::Tensor &out)
Definition: Functions.h:23488
at::Tensor & rsqrt_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6768
at::Tensor & _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)
Definition: Functions.h:23434
void _foreach_sinh_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24840
bool is_conj(const Tensor &tensor)
Definition: Functions.h:26082
at::Tensor & mish_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6907
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > linalg_lu_factor_ex_outf(const at::Tensor &A, bool pivot, bool check_errors, at::Tensor &LU, at::Tensor &pivots, at::Tensor &info)
Definition: Functions.h:17846
at::Tensor & view_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:25829
at::Tensor & cholesky_solve_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &input2, bool upper=false)
Definition: Functions.h:10528
at::Tensor & _adaptive_avg_pool3d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:25122
at::Tensor & gt_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10135
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12654
at::Tensor & bitwise_or_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:9652
void _foreach_sigmoid_(at::TensorList self)
Definition: Functions.h:12088
at::Tensor & 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)
Definition: Functions.h:12357
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:10846
at::Tensor fbgemm_pack_gemm_matrix_fp16(const at::Tensor &input)
Definition: Functions.h:3968
at::Tensor linalg_matrix_power(const at::Tensor &self, int64_t n)
Definition: Functions.h:18496
at::Tensor & _coalesce_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23502
at::Tensor & special_i1e_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17328
at::Tensor & 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)
Definition: Functions.h:15500
at::Tensor & _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)
Definition: Functions.h:15302
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:5113
at::Tensor & bucketize_outf(const at::Tensor &self, const at::Tensor &boundaries, bool out_int32, bool right, at::Tensor &out)
Definition: Functions.h:12197
void _foreach_frac_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24871
at::Tensor & 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)
Definition: Functions.h:598
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > svd_out(at::Tensor &U, at::Tensor &S, at::Tensor &V, const at::Tensor &self, bool some=true, bool compute_uv=true)
Definition: Functions.h:10490
at::Tensor & eye_outf(int64_t n, at::Tensor &out)
Definition: Functions.h:3059
at::Tensor & 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)
Definition: Functions.h:12216
void _foreach_sin_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24835
at::Tensor & hypot_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:10932
at::Tensor & 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)
Definition: Functions.h:5108
inline ::std::tuple< at::Tensor &, at::Tensor & > frexp_outf(const at::Tensor &self, at::Tensor &mantissa, at::Tensor &exponent)
Definition: Functions.h:8446
at::Tensor 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)
Definition: Functions.h:16314
inline ::std::vector< at::Tensor > _foreach_frac(at::TensorList self)
Definition: Functions.h:12063
at::Tensor & select_copy_symint_outf(const at::Tensor &self, int64_t dim, c10::SymInt index, at::Tensor &out)
Definition: Functions.h:25639
at::Tensor & add_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:541
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > linalg_lu_outf(const at::Tensor &A, bool pivot, at::Tensor &P, at::Tensor &L, at::Tensor &U)
Definition: Functions.h:17860
at::Tensor & cholesky_inverse_out(at::Tensor &out, const at::Tensor &self, bool upper=false)
Definition: Functions.h:10552
at::Tensor & empty_symint_out(at::Tensor &out, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2853
inline ::std::vector< at::Tensor > _foreach_erfc(at::TensorList self)
Definition: Functions.h:11923
at::Tensor inverse(const at::Tensor &self)
Definition: Functions.h:18160
at::Tensor grid_sampler_3d(const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners)
Definition: Functions.h:3358
at::Tensor & _sparse_broadcast_to_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:25495
at::Tensor & mkldnn_linear_backward_input_out(at::Tensor &out, at::IntArrayRef input_size, const at::Tensor &grad_output, const at::Tensor &weight)
Definition: Functions.h:21628
at::Tensor special_ndtri(const at::Tensor &self)
Definition: Functions.h:16983
at::Tensor linalg_eigvalsh(const at::Tensor &self, c10::string_view UPLO="L")
Definition: Functions.h:18104
at::Tensor row_stack(at::TensorList tensors)
Definition: Functions.h:2492
void _foreach_minimum_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24488
at::Tensor 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)
Definition: Functions.h:16772
at::Tensor & zeros_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:8198
at::Tensor & renorm_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &p, int64_t dim, const at::Scalar &maxnorm)
Definition: Functions.h:11303
at::Tensor & special_hermite_polynomial_h_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19459
void _amp_foreach_non_finite_check_and_unscale_outf(at::TensorList self, at::Tensor &found_inf, const at::Tensor &inv_scale, at::TensorList out)
Definition: Functions.h:24397
at::Tensor & _test_optional_floatlist_out(at::Tensor &out, const at::Tensor &values, c10::optional< at::ArrayRef< double > > addends)
Definition: Functions.h:25330
void _foreach_lgamma_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24858
at::Tensor narrow_copy_symint(const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length)
Definition: Functions.h:4953
at::Tensor & std_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, bool unbiased, bool keepdim, at::Tensor &out)
Definition: Functions.h:7606
inline ::std::tuple< at::Tensor &, at::Tensor & > log_sigmoid_forward_outf(const at::Tensor &self, at::Tensor &output, at::Tensor &buffer)
Definition: Functions.h:13071
at::Tensor & 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={})
Definition: Functions.h:12212
at::Tensor _cast_Half(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:118
bool __dispatch_is_signed(const at::Tensor &self)
Definition: Functions.h:3772
at::Tensor & special_i0e_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17296
at::Tensor & linalg_det_out(at::Tensor &out, const at::Tensor &A)
Definition: Functions.h:17898
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23732
const at::Tensor & fft_hfft2_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out)
Definition: Functions.h:17632
at::Tensor copy(const at::Tensor &self, const at::Tensor &src, bool non_blocking=false)
Definition: Functions.h:1872
at::Tensor & _to_dense_outf(const at::Tensor &self, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:23497
at::Tensor & _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)
Definition: Functions.h:23271
at::Tensor & linalg_solve_triangular_outf(const at::Tensor &self, const at::Tensor &B, bool upper, bool left, bool unitriangular, at::Tensor &out)
Definition: Functions.h:10475
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _unique2_outf(const at::Tensor &self, bool sorted, bool return_inverse, bool return_counts, at::Tensor &out0, at::Tensor &out1, at::Tensor &out2)
Definition: Functions.h:23033
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:3363
at::Tensor & full_outf(at::IntArrayRef size, const at::Scalar &fill_value, at::Tensor &out)
Definition: Functions.h:3244
void _foreach_asin_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24687
int64_t _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)
Definition: Functions.h:19127
at::Tensor & special_scaled_modified_bessel_k0_out(at::Tensor &out, const at::Tensor &x)
Definition: Functions.h:19669
at::Tensor & new_empty_strided_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out)
Definition: Functions.h:20928
at::Tensor linalg_tensorsolve(const at::Tensor &self, const at::Tensor &other, at::OptionalIntArrayRef dims=c10::nullopt)
Definition: Functions.h:18468
inline ::std::vector< at::Tensor > _foreach_sigmoid(at::TensorList self)
Definition: Functions.h:12083
void _foreach_neg_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24804
at::Tensor pad_symint(const at::Tensor &self, c10::SymIntArrayRef pad, c10::string_view mode="constant", c10::optional< double > value=c10::nullopt)
Definition: Functions.h:14488
at::Tensor & fmod_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10904
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20530
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:25993
at::Tensor reflection_pad1d_symint(const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13696
const at::Tensor & _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)
Definition: Functions.h:16574
at::Tensor _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)
Definition: Functions.h:1790
void _foreach_erfc_(at::TensorList self)
Definition: Functions.h:11928
inline ::std::tuple< at::Tensor &, at::Tensor & > multilabel_margin_loss_forward_out(at::Tensor &output, at::Tensor &is_target, const at::Tensor &self, const at::Tensor &target, int64_t reduction)
Definition: Functions.h:12329
void _validate_sparse_csr_tensor_args(const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size)
Definition: Functions.h:8853
at::Tensor & signbit_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10758
at::Tensor fft_fftn(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17651
inline ::std::tuple< at::Tensor, at::Tensor > _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={})
Definition: Functions.h:9239
at::Tensor pixel_unshuffle(const at::Tensor &self, int64_t downscale_factor)
Definition: Functions.h:5361
at::Tensor huber_loss_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction, double delta)
Definition: Functions.h:12826
at::Tensor & _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)
Definition: Functions.h:20521
at::Tensor sub(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:8527
at::Tensor & _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)
Definition: Functions.h:15885
at::Tensor & rand_like_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:22337
at::Tensor & gcd_(at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3309
at::Tensor & arctan_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:1006
at::Tensor & hardshrink_backward_out(at::Tensor &grad_input, const at::Tensor &grad_out, const at::Tensor &self, const at::Scalar &lambd)
Definition: Functions.h:6740
inline ::std::tuple< at::Tensor &, at::Tensor & > sort_outf(const at::Tensor &self, int64_t dim, bool descending, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:11180
at::Tensor nanmedian(const at::Tensor &self)
Definition: Functions.h:4606
at::Tensor & linalg_cross_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, int64_t dim=-1)
Definition: Functions.h:17814
at::Tensor & logit_outf(const at::Tensor &self, c10::optional< double > eps, at::Tensor &out)
Definition: Functions.h:6954
at::Tensor & huber_loss_outf(const at::Tensor &self, const at::Tensor &target, int64_t reduction, double delta, at::Tensor &out)
Definition: Functions.h:12807
at::Tensor _reshape_alias(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:6578
at::Tensor & _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)
Definition: Functions.h:15027
at::Tensor & _fft_c2c_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef dim, int64_t normalization, bool forward)
Definition: Functions.h:3575
at::Tensor clone(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:8493
at::Tensor & 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)
Definition: Functions.h:20691
at::Tensor & erfc_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:2961
at::Tensor _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)
Definition: Functions.h:15412
at::Tensor & upsample_linear1d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:14796
at::Tensor _coalesce(const at::Tensor &self)
Definition: Functions.h:8936
at::Tensor put(const at::Tensor &self, const at::Tensor &index, const at::Tensor &source, bool accumulate=false)
Definition: Functions.h:9448
at::Tensor & tan_(at::Tensor &self)
Definition: Functions.h:7691
at::Tensor & im2col_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride)
Definition: Functions.h:16907
at::Tensor sparse_coo_tensor(at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8772
at::Tensor & special_digamma_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17062
at::Tensor _convert_indices_from_csr_to_coo(const at::Tensor &crow_indices, const at::Tensor &col_indices, bool out_int32=false, bool transpose=false)
Definition: Functions.h:12240
at::Tensor & 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)
Definition: Functions.h:14917
at::Tensor binomial(const at::Tensor &count, const at::Tensor &prob, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:8276
at::Tensor 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)
Definition: Functions.h:12566
at::Tensor & special_legendre_polynomial_p_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19585
at::Tensor reflection_pad1d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13685
at::Tensor & new_zeros_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:20983
at::Tensor & _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)
Definition: Functions.h:15874
at::Tensor & hamming_window_outf(int64_t window_length, at::Tensor &out)
Definition: Functions.h:21343
at::Tensor rand_like(const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:5702
void unsafe_split_with_sizes_outf(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim, at::TensorList out)
Definition: Functions.h:22825
at::Tensor & _upsample_nearest_exact1d_outf(const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:15610
at::Tensor col_indices_copy(const at::Tensor &self)
Definition: Functions.h:18934
at::Tensor & kron_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:3796
at::Tensor & 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)
Definition: Functions.h:16466
at::Tensor & where_outf(const at::Tensor &condition, const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:8086
void split_copy_symint_outf(const at::Tensor &self, c10::SymInt split_size, int64_t dim, at::TensorList out)
Definition: Functions.h:18996
at::Tensor & leaky_relu_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &negative_slope=0.01)
Definition: Functions.h:13020
at::Tensor & inner_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:18183
at::Tensor & _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)
Definition: Functions.h:15379
at::Tensor & values_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25784
at::Tensor _nested_sum_backward(const at::Tensor &grad, const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false)
Definition: Functions.h:7505
at::Tensor & clamp_out(at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt)
Definition: Functions.h:1522
at::Tensor & _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)
Definition: Functions.h:21080
at::Tensor & tril_indices_out(at::Tensor &out, int64_t row, int64_t col, int64_t offset=0)
Definition: Functions.h:24250
at::Tensor & erf_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:2942
at::Tensor & xlogy_(at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4149
const at::Tensor & _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)
Definition: Functions.h:16585
at::Tensor values_copy(const at::Tensor &self)
Definition: Functions.h:18924
at::Tensor & ldexp_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4003
at::Tensor 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)
Definition: Functions.h:13524
at::Tensor & constant_pad_nd_symint_outf(const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:20248
at::Tensor gt(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10140
at::Tensor & _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)
Definition: Functions.h:21071
at::Tensor & ne_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:9939
at::Tensor & copy_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &src, bool non_blocking=false)
Definition: Functions.h:20418
at::Tensor upsample_bilinear2d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14532
at::Tensor & multiply_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4900
at::Tensor quantize_per_tensor(const at::Tensor &self, double scale, int64_t zero_point, at::ScalarType dtype)
Definition: Functions.h:8990
at::Tensor & 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)
Definition: Functions.h:20640
inline ::std::tuple< at::Tensor &, at::Tensor & > _linalg_eigh_out(at::Tensor &eigenvalues, at::Tensor &eigenvectors, const at::Tensor &A, c10::string_view UPLO="L", bool compute_v=true)
Definition: Functions.h:18081
at::Tensor multinomial(const at::Tensor &self, int64_t num_samples, bool replacement=false, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:10659
at::Tensor linalg_householder_product(const at::Tensor &input, const at::Tensor &tau)
Definition: Functions.h:18118
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_lu_factor_outf(const at::Tensor &A, bool pivot, at::Tensor &LU, at::Tensor &pivots)
Definition: Functions.h:17832
at::Tensor & celu_outf(const at::Tensor &self, const at::Scalar &alpha, at::Tensor &out)
Definition: Functions.h:22580
at::Tensor & select_copy_outf(const at::Tensor &self, int64_t dim, int64_t index, at::Tensor &out)
Definition: Functions.h:25617
inline ::std::vector< at::Tensor > _foreach_erf(at::TensorList self)
Definition: Functions.h:11913
at::Tensor & gcd_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3295
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:8131
at::Tensor & _fw_primal_copy_out(at::Tensor &out, const at::Tensor &self, int64_t level)
Definition: Functions.h:25393
at::Tensor & exponential_out(at::Tensor &out, const at::Tensor &self, double lambd=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24222
at::Tensor resolve_neg(const at::Tensor &self)
Definition: Functions.h:473
void _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={})
Definition: Functions.h:26021
at::Tensor & special_legendre_polynomial_p_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19581
at::Tensor grid_sampler(const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners)
Definition: Functions.h:3333
at::Tensor & special_chebyshev_polynomial_u_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19333
at::Tensor vdot(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2387
bool allclose(const at::Tensor &self, const at::Tensor &other, double rtol=1e-05, double atol=1e-08, bool equal_nan=false)
Definition: Functions.h:670
at::Tensor ones(at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={})
Definition: Functions.h:5175
const at::Tensor & resize_symint_out(const at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21111
at::Tensor & 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)
Definition: Functions.h:13547
at::Tensor & rand_symint_out(at::Tensor &out, c10::SymIntArrayRef size)
Definition: Functions.h:5636
at::Tensor & rand_like_outf(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:22341
at::Tensor msort(const at::Tensor &self)
Definition: Functions.h:11241
at::Tensor angle(const at::Tensor &self)
Definition: Functions.h:386
at::Tensor addmv(const at::Tensor &self, const at::Tensor &mat, const at::Tensor &vec, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:584
at::Tensor & replication_pad2d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14202
at::Tensor & 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)
Definition: Functions.h:16116
inline ::std::tuple< at::Tensor, at::Tensor > _weight_norm_interface(const at::Tensor &v, const at::Tensor &g, int64_t dim=0)
Definition: Functions.h:8121
at::Tensor & native_norm_outf(const at::Tensor &self, const at::Scalar &p, at::Tensor &out)
Definition: Functions.h:23194
at::Tensor & logit_(at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:6945
at::Tensor zero(const at::Tensor &self)
Definition: Functions.h:23353
at::Tensor & randn_symint_out(at::Tensor &out, c10::SymIntArrayRef size)
Definition: Functions.h:6279
at::Tensor & _adaptive_avg_pool2d_backward_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:25091
at::Tensor linspace(const at::Scalar &start, const at::Scalar &end, int64_t steps, at::TensorOptions options={})
Definition: Functions.h:4012
at::Tensor orgqr(const at::Tensor &self, const at::Tensor &input2)
Definition: Functions.h:10589
at::Tensor & rot90_out(at::Tensor &out, const at::Tensor &self, int64_t k=1, at::IntArrayRef dims={0, 1})
Definition: Functions.h:22912
at::Tensor quantize_per_channel(const at::Tensor &self, const at::Tensor &scales, const at::Tensor &zero_points, int64_t axis, at::ScalarType dtype)
Definition: Functions.h:9005
at::Tensor & ccol_indices_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25815
at::Tensor _reshape_copy(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:6556
at::Tensor cummaxmin_backward(const at::Tensor &grad, const at::Tensor &input, const at::Tensor &indices, int64_t dim)
Definition: Functions.h:2076
at::Tensor & reflection_pad3d_backward_symint_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13993
at::Tensor & sigmoid_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6935
at::Tensor & silu_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:6883
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22867
at::Tensor permute_copy(const at::Tensor &self, at::IntArrayRef dims)
Definition: Functions.h:18759
inline ::std::tuple< at::Tensor, at::Tensor > mkldnn_linear_backward_weights(const at::Tensor &grad_output, const at::Tensor &input, const at::Tensor &weight, bool bias_defined)
Definition: Functions.h:3943
at::Tensor & _copy_from_outf(const at::Tensor &self, const at::Tensor &dst, bool non_blocking, at::Tensor &out)
Definition: Functions.h:20431
at::Tensor & glu_out(at::Tensor &out, const at::Tensor &self, int64_t dim=-1)
Definition: Functions.h:12892
at::Tensor _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)
Definition: Functions.h:2576
at::Tensor & randint_outf(int64_t high, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:5898
at::Tensor & 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)
Definition: Functions.h:16728
at::Tensor & mkldnn_adaptive_avg_pool2d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13250
at::Tensor & 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)
Definition: Functions.h:16389
inline ::std::tuple< at::Tensor, at::Tensor > matmul_backward(const at::Tensor &grad, const at::Tensor &self, const at::Tensor &other, ::std::array< bool, 2 > mask)
Definition: Functions.h:4331
at::Tensor & _sobol_engine_scramble_(at::Tensor &self, const at::Tensor <m, int64_t dimension)
Definition: Functions.h:293
at::Tensor & 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)
Definition: Functions.h:21938
at::Tensor & _sparse_softmax_backward_data_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self)
Definition: Functions.h:23253
at::Tensor exp(const at::Tensor &self)
Definition: Functions.h:2966
at::Tensor & 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)
Definition: Functions.h:25173
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:18431
at::Tensor & logical_xor_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:1224
at::Tensor & sqrt_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7538
at::Tensor & fft_fftfreq_out(at::Tensor &out, int64_t n, double d=1.0)
Definition: Functions.h:17744
at::Tensor any(const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:675
at::Tensor & native_dropout_backward_outf(const at::Tensor &grad_output, const at::Tensor &mask, double scale, at::Tensor &out)
Definition: Functions.h:20079
at::Tensor & 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)
Definition: Functions.h:13449
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:1092
const at::Tensor & sparse_resize_outf(const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim, const at::Tensor &out)
Definition: Functions.h:23460
at::Tensor & q_per_channel_scales_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23683
at::Tensor & less_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10219
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_cholesky_ex_out(at::Tensor &L, at::Tensor &info, const at::Tensor &self, bool upper=false, bool check_errors=false)
Definition: Functions.h:17786
inline ::std::tuple< at::Tensor &, at::Tensor & > _unique_outf(const at::Tensor &self, bool sorted, bool return_inverse, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:22997
at::Tensor & feature_alpha_dropout_(at::Tensor &self, double p, bool train)
Definition: Functions.h:348
at::Tensor & linalg_cross_outf(const at::Tensor &self, const at::Tensor &other, int64_t dim, at::Tensor &out)
Definition: Functions.h:17818
at::Tensor _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)
Definition: Functions.h:15137
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21776
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21847
at::Tensor & bmm_outf(const at::Tensor &self, const at::Tensor &mat2, at::Tensor &out)
Definition: Functions.h:1284
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:5066
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9224
at::Tensor & dstack_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:7442
at::Tensor & special_logsumexp_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:17370
at::Tensor clip(const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt)
Definition: Functions.h:1616
inline ::std::vector< at::Tensor > _foreach_floor(at::TensorList self)
Definition: Functions.h:11943
at::Tensor & nonzero_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10344
at::Tensor & linalg_ldl_solve_out(at::Tensor &out, const at::Tensor &LD, const at::Tensor &pivots, const at::Tensor &B, bool hermitian=false)
Definition: Functions.h:17945
at::Tensor & index_out(at::Tensor &out, const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices)
Definition: Functions.h:3627
at::Tensor & eye_out(at::Tensor &out, int64_t n)
Definition: Functions.h:3055
at::Tensor feature_dropout(const at::Tensor &input, double p, bool train)
Definition: Functions.h:323
at::Tensor normal(const at::Tensor &mean, double std=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:11442
at::Tensor & rand_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:5614
at::Tensor fft_fftshift(const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt)
Definition: Functions.h:17771
at::Tensor & 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)
Definition: Functions.h:21704
at::Tensor randint(int64_t high, at::IntArrayRef size, at::TensorOptions options=at::kLong)
Definition: Functions.h:5711
void _foreach_ceil_(at::TensorList self)
Definition: Functions.h:11888
at::Tensor & _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)
Definition: Functions.h:15291
at::Tensor & expm1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:3018
at::Tensor asinh(const at::Tensor &self)
Definition: Functions.h:819
at::Tensor _upsample_nearest_exact2d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14708
at::Tensor & replication_pad2d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14191
at::Tensor & upsample_nearest1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15555
at::Tensor & column_stack_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:16898
bool _nested_tensor_from_mask_left_aligned(const at::Tensor &t, const at::Tensor &mask)
Definition: Functions.h:7856
at::Tensor round(const at::Tensor &self)
Definition: Functions.h:6605
at::Tensor & matrix_power_outf(const at::Tensor &self, int64_t n, at::Tensor &out)
Definition: Functions.h:4354
at::Tensor & asin_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:953
at::Tensor & fft_rfftn_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17688
at::Tensor frobenius_norm(const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false)
Definition: Functions.h:8451
at::Tensor select_backward(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index)
Definition: Functions.h:6800
at::Tensor _sparse_csr_prod(const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:8321
at::Tensor & 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)
Definition: Functions.h:12789
at::Tensor & hardswish_(at::Tensor &self)
Definition: Functions.h:13010
at::Tensor broadcast_to(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:1294
at::Tensor upsample_linear1d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14499
at::Tensor log_sigmoid(const at::Tensor &self)
Definition: Functions.h:13062
inline ::std::vector< at::Tensor > dsplit(const at::Tensor &self, int64_t sections)
Definition: Functions.h:7333
at::Tensor & vstack_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:7428
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_eig_out(at::Tensor &eigenvalues, at::Tensor &eigenvectors, const at::Tensor &self)
Definition: Functions.h:18053
at::Tensor where(const at::Tensor &condition, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:8077
at::Tensor & asinh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:833
at::Tensor clamp(const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt)
Definition: Functions.h:1502
at::Tensor select_copy(const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:18786
at::Tensor 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))
Definition: Functions.h:16706
at::Tensor linalg_solve(const at::Tensor &A, const at::Tensor &B, bool left=true)
Definition: Functions.h:18440
at::Tensor fft_fft2(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17567
at::Tensor & celu_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &alpha=1.0)
Definition: Functions.h:22576
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:16553
at::Tensor upsample_nearest2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14675
at::Tensor & 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)
Definition: Functions.h:14994
at::Tensor & replication_pad3d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14323
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:3343
at::Tensor & normal_outf(const at::Tensor &mean, double std, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:11437
at::Tensor & _nested_from_padded_outf(const at::Tensor &padded, const at::Tensor &cpu_nested_shape_example, bool fuse_transform_0213, at::Tensor &out)
Definition: Functions.h:22943
at::Tensor & col_indices_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25802
at::Tensor exponential(const at::Tensor &self, double lambd=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24231
inline ::std::vector< at::Tensor > unsafe_split(const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:7203
at::Tensor 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)
Definition: Functions.h:18813
inline ::std::tuple< at::Tensor &, at::Tensor & > _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={})
Definition: Functions.h:23832
at::Tensor _new_zeros_with_same_feature_meta(const at::Tensor &self, const at::Tensor &other, int64_t self_num_batch_dims=0)
Definition: Functions.h:133
at::Tensor range(const at::Scalar &start, const at::Scalar &end, const at::Scalar &step=1, at::TensorOptions options={})
Definition: Functions.h:6390
inline ::std::tuple< at::Tensor &, at::Tensor & > slogdet_outf(const at::Tensor &self, at::Tensor &sign, at::Tensor &logabsdet)
Definition: Functions.h:18038
at::Tensor & linalg_ldl_solve_outf(const at::Tensor &LD, const at::Tensor &pivots, const at::Tensor &B, bool hermitian, at::Tensor &out)
Definition: Functions.h:17949
at::Tensor matrix_power(const at::Tensor &self, int64_t n)
Definition: Functions.h:4345
at::Tensor & 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)
Definition: Functions.h:21927
bool __dispatch_is_floating_point(const at::Tensor &self)
Definition: Functions.h:3732
at::Tensor & replication_pad2d_backward_symint_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14257
at::Tensor stack(at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:7377
at::Tensor & bucketize_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &boundaries, bool out_int32=false, bool right=false)
Definition: Functions.h:12193
at::Tensor & special_modified_bessel_i0_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19613
at::Tensor embedding(const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx=-1, bool scale_grad_by_freq=false, bool sparse=false)
Definition: Functions.h:2406
at::Tensor & deg2rad_(at::Tensor &self)
Definition: Functions.h:5415
at::Tensor & values_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25788
at::Tensor & full_like_outf(const at::Tensor &self, const at::Scalar &fill_value, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:21262
at::Tensor & special_ndtri_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:16992
at::Tensor & 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)
Definition: Functions.h:16422
inline ::std::tuple< at::Tensor, at::Tensor > max(const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:4407
at::Tensor & tanh_backward_outf(const at::Tensor &grad_output, const at::Tensor &output, at::Tensor &grad_input)
Definition: Functions.h:16379
inline ::std::tuple< at::Tensor, at::Tensor > _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={})
Definition: Functions.h:19132
at::Tensor _euclidean_dist(const at::Tensor &x1, const at::Tensor &x2)
Definition: Functions.h:5291
at::Tensor atan2(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10781
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:18309
void _foreach_floor_(at::TensorList self)
Definition: Functions.h:11948
at::Tensor & acos_(at::Tensor &self)
Definition: Functions.h:488
at::Tensor & 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)
Definition: Functions.h:21686
at::Tensor & 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)
Definition: Functions.h:25206
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:5075
at::Tensor & 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)
Definition: Functions.h:21307
at::Tensor 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)
Definition: Functions.h:4799
at::Tensor & tan_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7700
at::Tensor & select_scatter_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &src, int64_t dim, int64_t index)
Definition: Functions.h:22673
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:17842
at::Tensor & linalg_inv_out(at::Tensor &out, const at::Tensor &A)
Definition: Functions.h:18151
at::Tensor sparse_bsc_tensor(const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8673
at::Tensor special_exp2(const at::Tensor &self)
Definition: Functions.h:17025
at::Tensor & 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)
Definition: Functions.h:22640
inline ::std::tuple< at::Tensor &, at::Tensor & > slogdet_out(at::Tensor &sign, at::Tensor &logabsdet, const at::Tensor &self)
Definition: Functions.h:18034
at::Tensor & 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)
Definition: Functions.h:15522
at::Tensor zeros_symint(c10::SymIntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8176
inline ::std::vector< at::Tensor > _foreach_asin(at::TensorList self)
Definition: Functions.h:11863
at::Tensor bitwise_xor(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9709
at::Tensor tile(const at::Tensor &self, at::IntArrayRef dims)
Definition: Functions.h:7771
at::Tensor embedding_sparse_backward(const at::Tensor &grad, const at::Tensor &indices, int64_t num_weights, int64_t padding_idx, bool scale_grad_by_freq)
Definition: Functions.h:2477
inline ::std::tuple< at::Tensor &, at::Tensor & > aminmax_out(at::Tensor &min, at::Tensor &max, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false)
Definition: Functions.h:4384
at::Tensor einsum(c10::string_view equation, at::TensorList tensors, at::OptionalIntArrayRef path=c10::nullopt)
Definition: Functions.h:2401
at::Tensor diagflat(const at::Tensor &self, int64_t offset=0)
Definition: Functions.h:2187
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:168
at::Tensor alias_copy(const at::Tensor &self)
Definition: Functions.h:19083
at::Tensor & 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)
Definition: Functions.h:21722
at::Tensor & _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)
Definition: Functions.h:22119
at::Tensor & special_bessel_y1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19267
at::Tensor & trunc_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7901
at::Tensor & scatter_add_out(at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src)
Definition: Functions.h:9577
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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={})
Definition: Functions.h:9219
void _assert_tensor_metadata(const at::Tensor &a, at::OptionalIntArrayRef size=c10::nullopt, at::OptionalIntArrayRef stride=c10::nullopt, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:153
at::Tensor baddbmm(const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:1045
at::Tensor rsub(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:8556
at::Tensor & igamma_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:10946
at::Tensor & gelu_(at::Tensor &self, c10::string_view approximate="none")
Definition: Functions.h:6697
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:10645
at::Tensor flatten_dense_tensors(at::TensorList tensors)
Definition: Functions.h:18660
at::Tensor relu(const at::Tensor &self)
Definition: Functions.h:6653
at::Tensor special_erf(const at::Tensor &self)
Definition: Functions.h:17081
at::Tensor bitwise_or(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9666
at::Tensor _sparse_csc_tensor_unsafe(const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8745
at::Tensor nextafter(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10979
at::Tensor & multinomial_out(at::Tensor &out, const at::Tensor &self, int64_t num_samples, bool replacement=false, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:10650
at::Tensor & _dirichlet_grad_outf(const at::Tensor &x, const at::Tensor &alpha, const at::Tensor &total, at::Tensor &out)
Definition: Functions.h:23158
at::Tensor upsample_nearest3d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14719
at::Tensor special_erfinv(const at::Tensor &self)
Definition: Functions.h:17123
at::Tensor & linalg_vecdot_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &y, int64_t dim=-1)
Definition: Functions.h:17987
at::Tensor 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)
Definition: Functions.h:16530
at::Tensor slice_backward(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t start, int64_t end, int64_t step)
Definition: Functions.h:7058
at::Tensor & abs_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:367
at::Tensor _prelu_kernel(const at::Tensor &self, const at::Tensor &weight)
Definition: Functions.h:6678
at::Tensor & logit_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:16361
at::Tensor & special_shifted_chebyshev_polynomial_u_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19753
at::Tensor randint_symint(int64_t high, c10::SymIntArrayRef size, at::TensorOptions options=at::kLong)
Definition: Functions.h:5733
at::Tensor & _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)
Definition: Functions.h:16138
at::Tensor 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)
Definition: Functions.h:4506
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:9125
at::Tensor & _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)
Definition: Functions.h:20837
at::Tensor 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)
Definition: Functions.h:2439
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19973
at::Tensor & 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)
Definition: Functions.h:16739
void _foreach_sinh_(at::TensorList self)
Definition: Functions.h:12038
at::Tensor & acos_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:497
at::Tensor special_digamma(const at::Tensor &self)
Definition: Functions.h:17053
at::Tensor & _cdist_forward_outf(const at::Tensor &x1, const at::Tensor &x2, double p, c10::optional< int64_t > compute_mode, at::Tensor &out)
Definition: Functions.h:22172
at::Tensor & empty_like_outf(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:21182
at::Tensor _cast_Short(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:113
at::Tensor & copy_sparse_to_sparse_outf(const at::Tensor &self, const at::Tensor &src, bool non_blocking, at::Tensor &out)
Definition: Functions.h:23529
at::Tensor & _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)
Definition: Functions.h:15115
at::Tensor _pack_padded_sequence_backward_symint(const at::Tensor &grad, c10::SymIntArrayRef input_size, const at::Tensor &batch_sizes, bool batch_first)
Definition: Functions.h:9350
at::Tensor & replication_pad2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14169
at::Tensor & fill_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &value)
Definition: Functions.h:21231
at::Tensor & reflection_pad2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13773
at::Tensor & linalg_solve_out(at::Tensor &out, const at::Tensor &A, const at::Tensor &B, bool left=true)
Definition: Functions.h:18445
at::Tensor & cosh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:1920
at::Tensor & erf_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:2938
at::Tensor & _softmax_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float)
Definition: Functions.h:7180
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20314
at::Tensor reflection_pad2d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13817
at::Tensor & to_sparse_bsr_outf(const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim, at::Tensor &out)
Definition: Functions.h:23579
at::Tensor & special_hermite_polynomial_he_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19501
at::Tensor linalg_multi_dot(at::TensorList tensors)
Definition: Functions.h:18566
at::Tensor _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)
Definition: Functions.h:16336
at::Tensor & index_select_out(at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index)
Definition: Functions.h:10271
at::Tensor & lift_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23971
at::Tensor & 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)
Definition: Functions.h:13034
at::Tensor & 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)
Definition: Functions.h:15841
at::Tensor & 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)
Definition: Functions.h:17600
at::Tensor & reflection_pad3d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13916
at::Tensor & sigmoid_backward_outf(const at::Tensor &grad_output, const at::Tensor &output, at::Tensor &grad_input)
Definition: Functions.h:16351
at::Tensor & reflection_pad3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13905
at::Tensor & msort_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:11236
at::Tensor & uniform_outf(const at::Tensor &self, double from, double to, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:24184
at::Tensor 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={})
Definition: Functions.h:9299
at::Tensor _coalesced(const at::Tensor &self, bool coalesced)
Definition: Functions.h:23520
at::Tensor _upsample_nearest_exact2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14697
at::Tensor & ge_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10023
at::Tensor & logaddexp2_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4120
at::Tensor & linalg_solve_triangular_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &B, bool upper, bool left=true, bool unitriangular=false)
Definition: Functions.h:10471
at::Tensor & _euclidean_dist_outf(const at::Tensor &x1, const at::Tensor &x2, at::Tensor &out)
Definition: Functions.h:22163
at::Tensor 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)
Definition: Functions.h:4804
at::Tensor & nanquantile_outf(const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim, bool keepdim, c10::string_view interpolation, at::Tensor &out)
Definition: Functions.h:11157
at::Tensor & 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)
Definition: Functions.h:9824
void _foreach_zero_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24650
at::Tensor & index_put_outf(const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate, at::Tensor &out)
Definition: Functions.h:21494
at::Tensor & _sparse_sum_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim)
Definition: Functions.h:23208
at::Tensor _foobar(const at::Tensor &self, bool arg1=true, bool arg2=true, bool arg3=true)
Definition: Functions.h:19874
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:13594
at::Tensor _log_softmax_backward_data(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype)
Definition: Functions.h:4237
at::Tensor & 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)
Definition: Functions.h:13491
void 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)
Definition: Functions.h:22006
at::Tensor special_gammaln(const at::Tensor &self)
Definition: Functions.h:17067
inline ::std::vector< at::Tensor > _foreach_clamp_max(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11628
const at::Tensor & resize_as_outf(const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out)
Definition: Functions.h:23320
at::Tensor block_diag(at::TensorList tensors)
Definition: Functions.h:1405
at::Tensor & linalg_matmul_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:17977
void unbind_copy_outf(const at::Tensor &self, int64_t dim, at::TensorList out)
Definition: Functions.h:18958
at::Tensor & new_full_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value)
Definition: Functions.h:20961
void _foreach_addcdiv_(at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1)
Definition: Functions.h:12103
at::Tensor & _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)
Definition: Functions.h:8627
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_slogdet_outf(const at::Tensor &A, at::Tensor &sign, at::Tensor &logabsdet)
Definition: Functions.h:18024
at::Tensor & polar_out(at::Tensor &out, const at::Tensor &abs, const at::Tensor &angle)
Definition: Functions.h:1678
at::Tensor addcdiv(const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1)
Definition: Functions.h:10425
at::Tensor & 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)
Definition: Functions.h:15247
at::Tensor reflection_pad3d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13949
at::Tensor & _log_softmax_outf(const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out)
Definition: Functions.h:4232
at::Tensor & 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)
Definition: Functions.h:12390
inline ::std::tuple< at::Tensor, at::Tensor > _pack_padded_sequence(const at::Tensor &input, const at::Tensor &lengths, bool batch_first)
Definition: Functions.h:9334
at::Tensor & _neg_view_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25442
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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={})
Definition: Functions.h:25980
at::Tensor & 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)
Definition: Functions.h:6648
int64_t __dispatch_stride(const at::Tensor &self, int64_t dim)
Definition: Functions.h:7462
at::Tensor & random_outf(const at::Tensor &self, int64_t from, c10::optional< int64_t > to, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:24142
at::Tensor & 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)
Definition: Functions.h:13515
at::Tensor _pdist_forward(const at::Tensor &self, double p=2)
Definition: Functions.h:5311
at::Tensor & special_xlog1py_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17166
at::Tensor _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)
Definition: Functions.h:2587
at::Tensor atan(const at::Tensor &self)
Definition: Functions.h:977
at::Tensor & empty_strided_outf(at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:21198
at::Tensor unsqueeze_copy(const at::Tensor &self, int64_t dim)
Definition: Functions.h:18904
at::Tensor & view_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:25840
at::Tensor & floor_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:3133
at::Tensor reflection_pad3d_symint(const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13960
at::Tensor & _indices_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25757
at::Tensor & exp_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:2980
at::Tensor & 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)
Definition: Functions.h:15192
at::Tensor & chain_matmul_outf(at::TensorList matrices, at::Tensor &out)
Definition: Functions.h:1438
at::Tensor & _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)
Definition: Functions.h:25948
at::Tensor & _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)
Definition: Functions.h:15731
at::Tensor & transpose_copy_outf(const at::Tensor &self, int64_t dim0, int64_t dim1, at::Tensor &out)
Definition: Functions.h:25743
inline ::std::tuple< at::Tensor &, at::Tensor & > min_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &min, at::Tensor &min_indices)
Definition: Functions.h:4648
at::Tensor 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)
Definition: Functions.h:7457
at::Tensor & index_fill_outf(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:24043
at::Tensor & log_sigmoid_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:13057
inline ::std::tuple< at::Tensor, at::Tensor > fractional_max_pool3d(const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef output_size, const at::Tensor &random_samples)
Definition: Functions.h:13538
inline ::std::tuple< at::Tensor, at::Tensor > nll_loss2d_forward(const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, int64_t ignore_index)
Definition: Functions.h:12687
inline ::std::tuple< at::Tensor,::std::vector< at::Tensor > > 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)
Definition: Functions.h:10885
at::Tensor _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)
Definition: Functions.h:16061
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3481
at::Tensor expm1(const at::Tensor &self)
Definition: Functions.h:3004
at::Tensor & 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)
Definition: Functions.h:9472
at::Tensor alias(const at::Tensor &self)
Definition: Functions.h:11563
at::Tensor & dequantize_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23669
at::Tensor & special_ndtr_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17142
at::Tensor & rad2deg_(at::Tensor &self)
Definition: Functions.h:5396
at::Tensor tril_indices(int64_t row, int64_t col, int64_t offset=0, at::TensorOptions options=at::kLong)
Definition: Functions.h:9890
at::Tensor & geometric_out(at::Tensor &out, const at::Tensor &self, double p, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24236
at::Tensor & view_as_complex_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25420
at::Tensor & sum_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:7491
at::Tensor & special_expm1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17016
at::Tensor & _softmax_backward_data_outf(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype, at::Tensor &grad_input)
Definition: Functions.h:7198
at::Tensor 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)
Definition: Functions.h:4788
at::Tensor & special_bessel_y0_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19249
at::Tensor & gelu_outf(const at::Tensor &self, c10::string_view approximate, at::Tensor &out)
Definition: Functions.h:6692
at::Tensor & true_divide_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2359
at::Tensor _reshape_alias_symint(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride)
Definition: Functions.h:6589
at::Tensor & fft_fftfreq_outf(int64_t n, double d, at::Tensor &out)
Definition: Functions.h:17748
at::Tensor & sigmoid_(at::Tensor &self)
Definition: Functions.h:6926
inline ::std::tuple< at::Tensor &, at::Tensor & > mode_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim=-1, bool keepdim=false)
Definition: Functions.h:4853
void _foreach_erf_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24732
at::Tensor & 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)
Definition: Functions.h:13459
void _foreach_erfc_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24745
at::Tensor var(const at::Tensor &self, bool unbiased)
Definition: Functions.h:7991
at::Tensor & randint_like_out(at::Tensor &out, const at::Tensor &self, int64_t high, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:22346
at::Tensor & 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)
Definition: Functions.h:15951
at::Tensor & pixel_unshuffle_out(at::Tensor &out, const at::Tensor &self, int64_t downscale_factor)
Definition: Functions.h:22213
at::Tensor 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)
Definition: Functions.h:13468
at::Tensor special_modified_bessel_k0(const at::Tensor &self)
Definition: Functions.h:19636
at::Tensor & atan_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:991
at::Tensor _upsample_nearest_exact1d_backward_symint(const at::Tensor &grad_output, c10::SymIntArrayRef output_size, c10::SymIntArrayRef input_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15808
inline ::std::tuple< at::Tensor &, at::Tensor & > geqrf_outf(const at::Tensor &self, at::Tensor &a, at::Tensor &tau)
Definition: Functions.h:10579
at::Tensor & unfold_copy_outf(const at::Tensor &self, int64_t dimension, int64_t size, int64_t step, at::Tensor &out)
Definition: Functions.h:25886
inline ::std::vector< at::Tensor > align_tensors(at::TensorList tensors)
Definition: Functions.h:143
at::Tensor hinge_embedding_loss(const at::Tensor &self, const at::Tensor &target, double margin=1.0, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:3449
at::Tensor & 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)
Definition: Functions.h:12522
at::Tensor & _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)
Definition: Functions.h:20800
at::Tensor & reflection_pad1d_backward_symint_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13729
at::Tensor 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)
Definition: Functions.h:15533
at::Tensor & _standard_gamma_grad_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &output)
Definition: Functions.h:23136
at::Tensor addbmm(const at::Tensor &self, const at::Tensor &batch1, const at::Tensor &batch2, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:9829
at::Tensor & leaky_relu_(at::Tensor &self, const at::Scalar &negative_slope=0.01)
Definition: Functions.h:13048
at::Tensor & isneginf_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:16954
at::Tensor & special_airy_ai_out(at::Tensor &out, const at::Tensor &x)
Definition: Functions.h:19197
at::Tensor & channel_shuffle_out(at::Tensor &out, const at::Tensor &self, int64_t groups)
Definition: Functions.h:22222
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:5118
at::Tensor & adaptive_avg_pool2d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13208
at::Tensor _test_optional_filled_intlist(const at::Tensor &values, at::OptionalIntArrayRef addends)
Definition: Functions.h:18595
at::Tensor replication_pad3d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14411
at::Tensor & special_i0e_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17300
void _foreach_floor_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24763
at::Tensor & _nested_tensor_size_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:22952
at::Tensor 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)
Definition: Functions.h:16444
at::Tensor & _nested_tensor_strides_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:22961
at::Tensor 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)
Definition: Functions.h:4777
at::Tensor & nextafter_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10970
at::Tensor & adaptive_avg_pool3d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13298
at::Tensor & 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)
Definition: Functions.h:22737
at::Tensor 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)
Definition: Functions.h:15016
at::Tensor sgn(const at::Tensor &self)
Definition: Functions.h:410
at::Tensor & logaddexp2_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4124
at::Tensor & view_copy_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:25862
at::Tensor & replication_pad1d_backward_symint_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14136
at::Tensor & _copy_from_and_resize_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &dst)
Definition: Functions.h:20436
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _linalg_det(const at::Tensor &A)
Definition: Functions.h:17879
at::Tensor negative(const at::Tensor &self)
Definition: Functions.h:6469
at::Tensor fft_rfft2(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::IntArrayRef dim={-2,-1}, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17595
at::Tensor & full_like_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &fill_value, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21258
at::Tensor & _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)
Definition: Functions.h:20833
at::Tensor & _conj_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25433
at::Tensor & _test_optional_intlist_outf(const at::Tensor &values, at::OptionalIntArrayRef addends, at::Tensor &out)
Definition: Functions.h:25316
at::Tensor & 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)
Definition: Functions.h:12305
at::Tensor __and__(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9638
at::Tensor & clip_outf(const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max, at::Tensor &out)
Definition: Functions.h:1640
at::Tensor int_repr(const at::Tensor &self)
Definition: Functions.h:9045
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21312
void unsafe_split_symint_out(at::TensorList out, const at::Tensor &self, c10::SymInt split_size, int64_t dim=0)
Definition: Functions.h:22792
at::Tensor & _sparse_log_softmax_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float)
Definition: Functions.h:23262
at::Tensor & affine_grid_generator_outf(const at::Tensor &theta, at::IntArrayRef size, bool align_corners, at::Tensor &out)
Definition: Functions.h:20115
at::Tensor replication_pad3d_symint(const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14356
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3851
at::Tensor & replication_pad2d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14180
at::Tensor & linalg_eigvalsh_out(at::Tensor &out, const at::Tensor &self, c10::string_view UPLO="L")
Definition: Functions.h:18109
at::Tensor & signbit_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10762
ArrayRef< Tensor > TensorList
Definition: TensorBody.h:68
void unbind_copy_out(at::TensorList out, const at::Tensor &self, int64_t dim=0)
Definition: Functions.h:18954
at::Tensor _test_check_tensor(const at::Tensor &self)
Definition: Functions.h:637
at::Tensor _upsample_nearest_exact3d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14752
at::Tensor & reflection_pad2d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13839
at::Tensor 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)
Definition: Functions.h:4501
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:20575
void _foreach_addcmul_outf(at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value, at::TensorList out)
Definition: Functions.h:24916
at::Tensor & repeat_interleave_outf(const at::Tensor &repeats, c10::optional< int64_t > output_size, at::Tensor &out)
Definition: Functions.h:22509
int64_t _debug_has_internal_overlap(const at::Tensor &self)
Definition: Functions.h:258
const at::Tensor & 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)
Definition: Functions.h:17642
at::Tensor _sparse_broadcast_to(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:1316
at::Tensor replication_pad1d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14081
at::Tensor & 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)
Definition: Functions.h:12775
at::Tensor & 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)
Definition: Functions.h:15258
at::Tensor bmm(const at::Tensor &self, const at::Tensor &mat2)
Definition: Functions.h:1275
at::Tensor acosh(const at::Tensor &self)
Definition: Functions.h:781
at::Tensor & 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)
Definition: Functions.h:13473
at::Tensor remainder(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10993
at::Tensor & detach_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25654
at::Tensor logical_xor(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1215
inline ::std::vector< at::Tensor > split_copy(const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:18835
at::Tensor & atan2_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:10776
at::Tensor & cosh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:1916
inline ::std::vector< at::Tensor > _foreach_neg(at::TensorList self)
Definition: Functions.h:11993
bool _chunk_grad_outputs_efficient_attention(const at::Tensor &query, const at::Tensor &key, const at::Tensor &value, bool is_causal=false)
Definition: Functions.h:19157
void _foreach_acos_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24678
const at::Tensor & sparse_resize_and_clear_outf(const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim, const at::Tensor &out)
Definition: Functions.h:23474
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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={})
Definition: Functions.h:19206
at::Tensor _test_autograd_multiple_dispatch_view(const at::Tensor &self)
Definition: Functions.h:18635
at::Tensor im2col(const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride)
Definition: Functions.h:16916
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21834
at::Tensor & special_gammainc_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17436
at::Tensor & 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)
Definition: Functions.h:15423
at::Tensor & 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)
Definition: Functions.h:20292
at::Tensor & atan2_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10772
at::Tensor & leaky_relu_outf(const at::Tensor &self, const at::Scalar &negative_slope, at::Tensor &out)
Definition: Functions.h:13024
at::Tensor & _cdist_forward_out(at::Tensor &out, const at::Tensor &x1, const at::Tensor &x2, double p, c10::optional< int64_t > compute_mode)
Definition: Functions.h:22168
at::Tensor & cumprod_outf(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:2090
at::Tensor & stack_out(at::Tensor &out, at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:7382
at::Tensor & 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)
Definition: Functions.h:594
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:12500
at::Tensor mse_loss(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12263
at::Tensor & special_psi_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17048
at::Tensor 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)
Definition: Functions.h:1862
at::Tensor & clamp_max_(at::Tensor &self, const at::Scalar &max)
Definition: Functions.h:1550
at::Tensor & linalg_vecdot_outf(const at::Tensor &x, const at::Tensor &y, int64_t dim, at::Tensor &out)
Definition: Functions.h:17991
void _foreach_erf_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24736
at::Tensor & quantize_per_tensor_outf(const at::Tensor &self, double scale, int64_t zero_point, at::ScalarType dtype, at::Tensor &out)
Definition: Functions.h:23633
at::Tensor _test_warn_in_autograd(const at::Tensor &self)
Definition: Functions.h:18620
at::Tensor lgamma(const at::Tensor &self)
Definition: Functions.h:10673
void _foreach_mul_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24439
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:9314
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3470
at::Tensor & greater_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10159
at::Tensor & _copy_from_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &dst, bool non_blocking=false)
Definition: Functions.h:20427
void _foreach_log2_(at::TensorList self)
Definition: Functions.h:11988
inline ::std::tuple< at::Tensor, at::Tensor > adaptive_max_pool2d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13398
at::Tensor & _mkldnn_reshape_outf(const at::Tensor &self, at::IntArrayRef shape, at::Tensor &out)
Definition: Functions.h:22518
at::Tensor eq(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10000
at::Tensor & bitwise_and_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9605
at::Tensor _sparse_bsc_tensor_unsafe(const at::Tensor &ccol_indices, const at::Tensor &row_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8763
inline ::std::tuple< at::Tensor &, at::Tensor & > topk_outf(const at::Tensor &self, int64_t k, int64_t dim, bool largest, bool sorted, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:11265
at::Tensor & blackman_window_outf(int64_t window_length, at::Tensor &out)
Definition: Functions.h:20192
at::Tensor 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)
Definition: Functions.h:3670
at::Tensor 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)
Definition: Functions.h:12555
at::Tensor le(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10084
at::Tensor & adaptive_avg_pool2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13175
at::Tensor conj_physical(const at::Tensor &self)
Definition: Functions.h:449
at::Tensor & 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)
Definition: Functions.h:15445
at::Tensor copy_sparse_to_sparse(const at::Tensor &self, const at::Tensor &src, bool non_blocking=false)
Definition: Functions.h:23534
at::Tensor & _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)
Definition: Functions.h:20811
at::Tensor 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)
Definition: Functions.h:8970
at::Tensor adaptive_max_pool2d_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices)
Definition: Functions.h:13412
at::Tensor & unsqueeze_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim)
Definition: Functions.h:25748
at::Tensor _logcumsumexp(const at::Tensor &self, int64_t dim)
Definition: Functions.h:4251
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21289
at::Tensor & to_sparse_bsr_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim=c10::nullopt)
Definition: Functions.h:23575
inline ::std::vector< at::Tensor > _foreach_div(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11608
at::Tensor & arcsin_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:968
at::Tensor & lcm_(at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3328
at::Tensor & _efficientzerotensor_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:23118
at::Tensor & linspace_outf(const at::Scalar &start, const at::Scalar &end, int64_t steps, at::Tensor &out)
Definition: Functions.h:4025
at::Tensor & 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)
Definition: Functions.h:612
at::Tensor & masked_scatter_outf(const at::Tensor &self, const at::Tensor &mask, const at::Tensor &source, at::Tensor &out)
Definition: Functions.h:24007
at::Tensor & 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)
Definition: Functions.h:22585
at::Tensor & special_i1e_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17324
at::Tensor pdist(const at::Tensor &self, double p=2)
Definition: Functions.h:5306
at::Tensor 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)
Definition: Functions.h:3953
void _foreach_reciprocal_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24876
at::Tensor 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)
Definition: Functions.h:4516
at::Tensor & multilabel_margin_loss_outf(const at::Tensor &self, const at::Tensor &target, int64_t reduction, at::Tensor &out)
Definition: Functions.h:12319
at::Tensor & arcsinh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:848
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:19152
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23728
inline ::std::tuple< at::Tensor &, at::Tensor & > log_sigmoid_forward_out(at::Tensor &output, at::Tensor &buffer, const at::Tensor &self)
Definition: Functions.h:13067
void _foreach_round_(at::TensorList self)
Definition: Functions.h:12048
at::Tensor & dot_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &tensor)
Definition: Functions.h:2378
at::Tensor & fix_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7924
at::Tensor & embedding_renorm_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type)
Definition: Functions.h:20757
at::Tensor & 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)
Definition: Functions.h:12287
at::Tensor & 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)
Definition: Functions.h:12873
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > _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)
Definition: Functions.h:227
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:4723
at::Tensor & expm1_(at::Tensor &self)
Definition: Functions.h:3009
at::Tensor & 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)
Definition: Functions.h:21781
at::Tensor & count_nonzero_outf(const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out)
Definition: Functions.h:20449
at::Tensor nonzero(const at::Tensor &self)
Definition: Functions.h:10349
inline ::std::tuple< at::Tensor, at::Tensor > _prelu_kernel_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &weight)
Definition: Functions.h:6683
at::Tensor & _nested_from_padded_out(at::Tensor &out, const at::Tensor &padded, const at::Tensor &cpu_nested_shape_example, bool fuse_transform_0213=false)
Definition: Functions.h:22939
at::Tensor & linalg_solve_outf(const at::Tensor &A, const at::Tensor &B, bool left, at::Tensor &out)
Definition: Functions.h:18449
at::Tensor & special_entr_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:16978
at::Tensor & 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)
Definition: Functions.h:17488
at::Tensor deg2rad(const at::Tensor &self)
Definition: Functions.h:5410
at::Tensor 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)
Definition: Functions.h:6523
at::Tensor 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)
Definition: Functions.h:18645
at::Tensor & linalg_eigvalsh_outf(const at::Tensor &self, c10::string_view UPLO, at::Tensor &out)
Definition: Functions.h:18113
at::Tensor cholesky(const at::Tensor &self, bool upper=false)
Definition: Functions.h:10523
at::Tensor & as_strided_copy_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset, at::Tensor &out)
Definition: Functions.h:25480
inline ::std::tuple< at::Tensor, at::Tensor > topk(const at::Tensor &self, int64_t k, int64_t dim=-1, bool largest=true, bool sorted=true)
Definition: Functions.h:11270
at::Tensor & _test_warn_in_autograd_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25339
at::Tensor select_scatter_symint(const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index)
Definition: Functions.h:7113
at::Tensor silu(const at::Tensor &self)
Definition: Functions.h:6864
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21566
inline ::std::tuple< at::Tensor &, at::Tensor & > cummin_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim)
Definition: Functions.h:2048
at::Tensor special_shifted_chebyshev_polynomial_w(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19818
at::Tensor & _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)
Definition: Functions.h:16160
at::Tensor & index_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &source)
Definition: Functions.h:3636
at::Tensor & _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)
Definition: Functions.h:15896
at::Tensor & tanh_(at::Tensor &self)
Definition: Functions.h:7710
at::Tensor logical_not(const at::Tensor &self)
Definition: Functions.h:1201
at::Tensor & _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)
Definition: Functions.h:25944
at::Tensor & special_round_out(at::Tensor &out, const at::Tensor &self, int64_t decimals=0)
Definition: Functions.h:17408
inline ::std::vector< at::Tensor > broadcast_tensors(at::TensorList tensors)
Definition: Functions.h:1289
at::Tensor & lt_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10187
at::Tensor & 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)
Definition: Functions.h:16226
at::Tensor & sinh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7011
at::Tensor _neg_view(const at::Tensor &self)
Definition: Functions.h:478
at::Tensor & sum_out(at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7487
at::Tensor & _unsafe_view_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:23071
at::Tensor & upsample_nearest2d_outf(const at::Tensor &self, at::IntArrayRef output_size, c10::optional< double > scales_h, c10::optional< double > scales_w, at::Tensor &out)
Definition: Functions.h:15830
at::Tensor & fft_fft_outf(const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17492
at::Tensor zeros_like(const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:8242
at::Tensor & 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)
Definition: Functions.h:12731
at::Tensor & 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)
Definition: Functions.h:21949
at::Tensor & 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)
Definition: Functions.h:16237
at::Tensor & conj_physical_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:454
void _foreach_maximum_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11643
at::Tensor & i0_(at::Tensor &self)
Definition: Functions.h:10725
at::Tensor unsqueeze(const at::Tensor &self, int64_t dim)
Definition: Functions.h:7981
void _foreach_log2_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24795
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:19122
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > lu_unpack(const at::Tensor &LU_data, const at::Tensor &LU_pivots, bool unpack_data=true, bool unpack_pivots=true)
Definition: Functions.h:10636
at::Tensor ldexp(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3993
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_inv_ex_out(at::Tensor &inverse, at::Tensor &info, const at::Tensor &A, bool check_errors=false)
Definition: Functions.h:18137
at::Tensor special_polygamma(int64_t n, const at::Tensor &self)
Definition: Functions.h:17347
at::Tensor & reflection_pad3d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13971
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > _linalg_slogdet(const at::Tensor &A)
Definition: Functions.h:18001
at::Tensor _copy_from(const at::Tensor &self, const at::Tensor &dst, bool non_blocking=false)
Definition: Functions.h:1877
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13533
at::Tensor 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)
Definition: Functions.h:1857
at::Tensor mish_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:6916
at::Tensor & take_along_dim_outf(const at::Tensor &self, const at::Tensor &indices, c10::optional< int64_t > dim, at::Tensor &out)
Definition: Functions.h:10261
at::Tensor & to_padded_tensor_symint_out(at::Tensor &out, const at::Tensor &self, double padding, at::OptionalSymIntArrayRef output_size=c10::nullopt)
Definition: Functions.h:25922
at::Tensor & _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)
Definition: Functions.h:16539
at::Tensor & isnan_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:21513
at::Tensor & reflection_pad1d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13652
at::Tensor & special_expm1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17020
at::Tensor maximum(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11055
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:2482
at::Tensor 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)
Definition: Functions.h:1135
at::Tensor & 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)
Definition: Functions.h:22662
at::Tensor arccos(const at::Tensor &self)
Definition: Functions.h:502
void 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)
Definition: Functions.h:22002
at::Tensor _test_autograd_multiple_dispatch_view_copy(const at::Tensor &self)
Definition: Functions.h:18640
at::Tensor & special_xlogy_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:17212
at::Tensor & subtract_outf(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out)
Definition: Functions.h:8541
at::Tensor & randint_out(at::Tensor &out, int64_t high, at::IntArrayRef size)
Definition: Functions.h:5887
at::Tensor 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)
Definition: Functions.h:1709
at::Tensor native_channel_shuffle(const at::Tensor &self, int64_t groups)
Definition: Functions.h:5371
at::Tensor normal_functional(const at::Tensor &self, double mean=0, double std=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:11428
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:25989
inline ::std::vector< at::Tensor > _foreach_add(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11578
at::Tensor randn_like(const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:6345
at::Tensor fft_rfftn(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17679
at::Tensor & _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)
Definition: Functions.h:21499
at::Tensor & bartlett_window_out(at::Tensor &out, int64_t window_length)
Definition: Functions.h:20120
at::Tensor & reflection_pad2d_backward_symint_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13861
at::Tensor tensordot(const at::Tensor &self, const at::Tensor &other, at::IntArrayRef dims_self, at::IntArrayRef dims_other)
Definition: Functions.h:7724
void _foreach_log10_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24777
at::Tensor & special_scaled_modified_bessel_k1_out(at::Tensor &out, const at::Tensor &x)
Definition: Functions.h:19683
at::Tensor & _make_per_tensor_quantized_tensor_outf(const at::Tensor &self, double scale, int64_t zero_point, at::Tensor &out)
Definition: Functions.h:23714
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9090
at::Tensor & kaiser_window_outf(int64_t window_length, at::Tensor &out)
Definition: Functions.h:21379
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:18295
at::Tensor 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)
Definition: Functions.h:17483
at::Tensor _nested_view_from_buffer(const at::Tensor &self, const at::Tensor &nested_size, const at::Tensor &nested_strides, at::IntArrayRef offsets)
Definition: Functions.h:7871
at::Tensor & repeat_symint_outf(const at::Tensor &self, c10::SymIntArrayRef repeats, at::Tensor &out)
Definition: Functions.h:22494
at::Tensor & frac_(at::Tensor &self)
Definition: Functions.h:3166
inline ::std::vector< at::Tensor > tensor_split(const at::Tensor &self, int64_t sections, int64_t dim=0)
Definition: Functions.h:1453
at::Tensor _adaptive_avg_pool3d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13353
at::Tensor & special_gammaincc_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17450
at::Tensor & hardsigmoid_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:12934
at::Tensor & arcsinh_(at::Tensor &self)
Definition: Functions.h:843
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:9100
at::Tensor 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)
Definition: Functions.h:16499
at::Tensor & arctanh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:890
at::Tensor & fft_rfft2_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17604
at::Tensor & embedding_renorm_(at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type)
Definition: Functions.h:2472
at::Tensor & _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)
Definition: Functions.h:15049
at::Tensor & take_along_dim_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, c10::optional< int64_t > dim=c10::nullopt)
Definition: Functions.h:10257
at::Tensor & clamp_outf(const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max, at::Tensor &out)
Definition: Functions.h:1526
at::Tensor binary_cross_entropy(const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight={}, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:1121
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21829
at::Tensor & special_scaled_modified_bessel_k1_outf(const at::Tensor &x, at::Tensor &out)
Definition: Functions.h:19687
at::Tensor & mkldnn_linear_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={})
Definition: Functions.h:21619
Tensor conj(const Tensor &tensor)
Definition: Functions.h:26086
at::Tensor & special_laguerre_polynomial_l_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19539
at::Tensor fft_ifftshift(const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt)
Definition: Functions.h:17776
at::Tensor & 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)
Definition: Functions.h:20170
at::Tensor & _adaptive_avg_pool2d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25058
at::Tensor & _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)
Definition: Functions.h:23768
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:17917
at::Tensor isposinf(const at::Tensor &self)
Definition: Functions.h:16931
at::Tensor absolute(const at::Tensor &self)
Definition: Functions.h:372
inline ::std::vector< at::Tensor > hsplit(const at::Tensor &self, int64_t sections)
Definition: Functions.h:7313
at::Tensor _cast_Float(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:98
at::Tensor & _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)
Definition: Functions.h:19918
at::Tensor & renorm_outf(const at::Tensor &self, const at::Scalar &p, int64_t dim, const at::Scalar &maxnorm, at::Tensor &out)
Definition: Functions.h:11307
at::Tensor & lgamma_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10668
void _foreach_sinh_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24844
at::Tensor & bitwise_right_shift_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9792
at::Tensor & 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)
Definition: Functions.h:21894
at::Tensor & _adaptive_avg_pool2d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:25069
void _foreach_sqrt_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24660
at::Tensor & glu_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, int64_t dim)
Definition: Functions.h:12906
at::Tensor not_equal(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9972
at::Tensor & logical_not_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:1206
void _foreach_mul_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24443
int64_t numel(const Tensor &tensor)
Definition: Functions.h:26050
at::Tensor & 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)
Definition: Functions.h:21872
at::Tensor & 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)
Definition: Functions.h:20347
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21533
void _foreach_frac_(at::TensorList self)
Definition: Functions.h:12068
at::Tensor & logspace_outf(const at::Scalar &start, const at::Scalar &end, int64_t steps, double base, at::Tensor &out)
Definition: Functions.h:4199
at::Tensor 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)
Definition: Functions.h:9591
at::Tensor bernoulli(const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:1097
at::Tensor clamp_max(const at::Tensor &self, const at::Scalar &max)
Definition: Functions.h:1540
at::Tensor & 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)
Definition: Functions.h:21916
at::Tensor & softshrink_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &lambd)
Definition: Functions.h:13161
inline ::std::tuple< at::Tensor, at::Tensor > cummax(const at::Tensor &self, int64_t dim)
Definition: Functions.h:2010
at::Tensor & 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)
Definition: Functions.h:14983
at::Tensor & view_as_real_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25411
at::Tensor & 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)
Definition: Functions.h:20713
at::Tensor addmm(const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:8618
at::Tensor 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)
Definition: Functions.h:13608
at::Tensor & 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)
Definition: Functions.h:12291
at::Tensor & _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)
Definition: Functions.h:20593
at::Tensor & amax_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false)
Definition: Functions.h:4462
at::Tensor _softmax_backward_data(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype)
Definition: Functions.h:7189
void _foreach_lerp_outf(at::TensorList self, at::TensorList tensors1, at::TensorList weights, at::TensorList out)
Definition: Functions.h:24970
at::Tensor & tensordot_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, at::IntArrayRef dims_self, at::IntArrayRef dims_other)
Definition: Functions.h:7729
at::Tensor & ones_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:5228
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:5128
at::Tensor i0(const at::Tensor &self)
Definition: Functions.h:10720
at::Tensor & maximum_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:11064
at::Tensor copysign(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1182
at::Tensor & constant_pad_nd_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value=0)
Definition: Functions.h:20237
at::Tensor diagonal_backward_symint(const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2)
Definition: Functions.h:2218
at::Tensor col2im(const at::Tensor &self, at::IntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride)
Definition: Functions.h:16871
at::Tensor & from_file_outf(c10::string_view filename, c10::optional< bool > shared, c10::optional< int64_t > size, at::Tensor &out)
Definition: Functions.h:21271
inline ::std::vector< at::Tensor > _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)
Definition: Functions.h:10870
at::Tensor & log_normal_outf(const at::Tensor &self, double mean, double std, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:24212
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:8126
at::Tensor & 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)
Definition: Functions.h:15687
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23773
at::Tensor & _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)
Definition: Functions.h:21298
at::Tensor & _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)
Definition: Functions.h:23746
at::Tensor diag(const at::Tensor &self, int64_t diagonal=0)
Definition: Functions.h:9843
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:1806
at::Tensor special_bessel_y1(const at::Tensor &self)
Definition: Functions.h:19258
at::Tensor & maximum_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11060
at::Tensor 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)
Definition: Functions.h:16695
at::Tensor & add_outf(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out)
Definition: Functions.h:545
at::Tensor bilinear(const at::Tensor &input1, const at::Tensor &input2, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={})
Definition: Functions.h:1116
at::Tensor & remainder_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10988
at::Tensor & 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)
Definition: Functions.h:24373
at::Tensor & randint_symint_outf(int64_t high, c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:5920
at::Tensor & sparse_mask_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mask)
Definition: Functions.h:23484
void unsafe_split_with_sizes_out(at::TensorList out, const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:22814
at::Tensor & reciprocal_(at::Tensor &self)
Definition: Functions.h:6436
at::Tensor & vdot_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:2396
at::Tensor & _adaptive_avg_pool3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:25100
void _foreach_round_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24853
at::Tensor & 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)
Definition: Functions.h:21814
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3492
bool can_cast(at::ScalarType from, at::ScalarType to)
Definition: Functions.h:9194
at::Tensor 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)
Definition: Functions.h:12401
at::Tensor elu(const at::Tensor &self, const at::Scalar &alpha=1, const at::Scalar &scale=1, const at::Scalar &input_scale=1)
Definition: Functions.h:12868
at::Tensor & _unsafe_view_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:23060
at::Tensor & cumsum_out(at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:2119
at::Tensor prelu(const at::Tensor &self, const at::Tensor &weight)
Definition: Functions.h:6673
at::Tensor & arcsinh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:852
at::Tensor hardtanh_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &min_val, const at::Scalar &max_val)
Definition: Functions.h:12986
inline ::std::vector< at::Tensor > split_with_sizes_copy(const at::Tensor &self, at::IntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:18857
at::Tensor isclose(const at::Tensor &self, const at::Tensor &other, double rtol=1e-05, double atol=1e-08, bool equal_nan=false)
Definition: Functions.h:3675
at::Tensor & erf_(at::Tensor &self)
Definition: Functions.h:2933
at::Tensor & 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)
Definition: Functions.h:7372
at::Tensor & _reshape_alias_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:25562
at::Tensor & linalg_tensorinv_outf(const at::Tensor &self, int64_t ind, at::Tensor &out)
Definition: Functions.h:18463
at::Tensor & 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)
Definition: Functions.h:21303
at::Tensor & replication_pad1d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14103
at::Tensor _sparse_bsr_tensor_unsafe(const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8754
at::Tensor & bernoulli_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:1102
at::Tensor special_logsumexp(const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false)
Definition: Functions.h:17361
at::Tensor view_as_real(const at::Tensor &self)
Definition: Functions.h:400
int64_t _cufft_get_plan_cache_size(int64_t device_index)
Definition: Functions.h:3602
at::Tensor _cast_Long(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:108
at::Tensor & diag_out(at::Tensor &out, const at::Tensor &self, int64_t diagonal=0)
Definition: Functions.h:9834
at::Tensor mkldnn_reorder_conv3d_weight(const at::Tensor &self, at::IntArrayRef padding=0, at::IntArrayRef stride=1, at::IntArrayRef dilation=1, int64_t groups=1)
Definition: Functions.h:8975
at::Tensor & ones_symint_out(at::Tensor &out, c10::SymIntArrayRef size)
Definition: Functions.h:5250
at::Tensor & 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)
Definition: Functions.h:16488
at::Tensor & _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)
Definition: Functions.h:19907
at::Tensor & row_indices_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25824
at::Tensor & block_diag_outf(at::TensorList tensors, at::Tensor &out)
Definition: Functions.h:20210
at::Tensor & 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)
Definition: Functions.h:13038
at::Tensor & replication_pad1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14037
at::Tensor & bitwise_left_shift_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9749
const at::Tensor & _resize_output_outf(const at::Tensor &self, at::IntArrayRef size, at::Device device, const at::Tensor &out)
Definition: Functions.h:21159
at::Tensor concat(at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:1349
at::Tensor & log2_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:4101
at::Tensor & linalg_householder_product_outf(const at::Tensor &input, const at::Tensor &tau, at::Tensor &out)
Definition: Functions.h:18127
void _foreach_ceil_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24709
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > linalg_lu_out(at::Tensor &P, at::Tensor &L, at::Tensor &U, const at::Tensor &A, bool pivot=true)
Definition: Functions.h:17856
at::Tensor _fft_c2c(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool forward)
Definition: Functions.h:3531
at::Tensor & 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)
Definition: Functions.h:8585
at::Tensor & diag_outf(const at::Tensor &self, int64_t diagonal, at::Tensor &out)
Definition: Functions.h:9838
at::Tensor & special_erfc_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17104
at::Tensor _pad_circular(const at::Tensor &self, at::IntArrayRef pad)
Definition: Functions.h:14433
at::Tensor & special_multigammaln_outf(const at::Tensor &self, int64_t p, at::Tensor &out)
Definition: Functions.h:17473
at::Tensor & _upsample_nearest_exact1d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:15632
at::Tensor & sin_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6973
at::Tensor _upsample_bilinear2d_aa(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14543
at::Tensor resolve_conj(const at::Tensor &self)
Definition: Functions.h:468
at::Tensor _fft_c2r(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, int64_t last_dim_size)
Definition: Functions.h:3517
at::Tensor & arctanh_(at::Tensor &self)
Definition: Functions.h:881
at::Tensor & copysign_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1173
at::Tensor affine_grid_generator_backward(const at::Tensor &grad, at::IntArrayRef size, bool align_corners)
Definition: Functions.h:622
at::Tensor unflatten(const at::Tensor &self, int64_t dim, at::IntArrayRef sizes)
Definition: Functions.h:3093
void _foreach_tan_(at::TensorList self)
Definition: Functions.h:12008
at::Tensor & special_erf_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17090
at::Tensor & squeeze_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25707
at::Tensor & arccosh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:810
at::Tensor & block_diag_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:20206
at::Tensor & expand_copy_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, bool implicit=false)
Definition: Functions.h:25531
inline ::std::vector< at::Tensor > _foreach_norm(at::TensorList self, const at::Scalar &ord=2)
Definition: Functions.h:12163
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:4471
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_eig_outf(const at::Tensor &self, at::Tensor &eigenvalues, at::Tensor &eigenvectors)
Definition: Functions.h:18057
void _foreach_tanh_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24822
int64_t size(const at::Tensor &self, at::Dimname dim)
Definition: Functions.h:7031
at::Tensor & deg2rad_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:5420
at::Tensor & log10_(at::Tensor &self)
Definition: Functions.h:4054
at::Tensor & 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)
Definition: Functions.h:14906
at::Tensor adjoint(const at::Tensor &self)
Definition: Functions.h:5351
at::Tensor arctan2(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10786
at::Tensor & reciprocal_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6441
inline ::std::tuple< at::Tensor &, at::Tensor & > _aminmax_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &self)
Definition: Functions.h:21664
at::Tensor & 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)
Definition: Functions.h:22079
at::Tensor special_shifted_chebyshev_polynomial_t(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19692
at::Tensor & randn_symint_outf(c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:6290
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_inv_ex_outf(const at::Tensor &A, bool check_errors, at::Tensor &inverse, at::Tensor &info)
Definition: Functions.h:18141
at::Tensor fbgemm_pack_quantized_matrix(const at::Tensor &input)
Definition: Functions.h:3983
at::Tensor randn(at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:6081
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22065
at::Tensor special_entr(const at::Tensor &self)
Definition: Functions.h:16969
inline ::std::tuple< at::Tensor, at::Tensor > linalg_qr(const at::Tensor &A, c10::string_view mode="reduced")
Definition: Functions.h:18482
at::Tensor & 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)
Definition: Functions.h:23602
at::Tensor & cholesky_out(at::Tensor &out, const at::Tensor &self, bool upper=false)
Definition: Functions.h:10514
at::Tensor & reflection_pad1d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13718
at::Tensor & _to_copy_outf(const at::Tensor &self, bool non_blocking, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:23791
void _foreach_log_(at::TensorList self)
Definition: Functions.h:11958
at::Tensor & 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)
Definition: Functions.h:15159
at::Tensor lerp(const at::Tensor &self, const at::Tensor &end, const at::Scalar &weight)
Definition: Functions.h:10818
at::Tensor to_dense_backward(const at::Tensor &grad, const at::Tensor &input)
Definition: Functions.h:8931
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22092
at::Tensor & _stack_outf(at::TensorList tensors, int64_t dim, at::Tensor &out)
Definition: Functions.h:7400
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:5123
at::Tensor & adaptive_max_pool3d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices)
Definition: Functions.h:13431
const at::Tensor & resize_outf(const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out)
Definition: Functions.h:21100
at::Tensor & clone_outf(const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:23311
at::Tensor fill(const at::Tensor &self, const at::Scalar &value)
Definition: Functions.h:3103
at::Tensor & replication_pad3d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14312
at::Tensor & lu_solve_outf(const at::Tensor &self, const at::Tensor &LU_data, const at::Tensor &LU_pivots, at::Tensor &out)
Definition: Functions.h:10626
inline ::std::vector< at::Tensor > tensor_split_symint(const at::Tensor &self, c10::SymInt sections, int64_t dim=0)
Definition: Functions.h:1464
at::Tensor & new_empty_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:20862
inline ::std::vector< at::Tensor > _foreach_sqrt(at::TensorList self)
Definition: Functions.h:11833
at::Tensor 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)
Definition: Functions.h:16805
void _amp_foreach_non_finite_check_and_unscale_(at::TensorList self, at::Tensor &found_inf, const at::Tensor &inv_scale)
Definition: Functions.h:11568
void _foreach_sin_(at::TensorList self)
Definition: Functions.h:12028
at::Tensor ravel(const at::Tensor &self)
Definition: Functions.h:6426
at::Tensor & linalg_eigvals_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:18067
at::Tensor _adaptive_avg_pool2d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13260
at::Tensor & detach_(at::Tensor &self)
Definition: Functions.h:7021
at::Tensor & _sparse_sum_backward_outf(const at::Tensor &grad, const at::Tensor &self, at::IntArrayRef dim, at::Tensor &out)
Definition: Functions.h:23221
void _foreach_abs_(at::TensorList self)
Definition: Functions.h:11848
at::Tensor _softmax(const at::Tensor &self, int64_t dim, bool half_to_float)
Definition: Functions.h:7175
at::Tensor & special_erfinv_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17128
at::Tensor & 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)
Definition: Functions.h:14961
inline ::std::tuple< at::Tensor, at::Tensor > linalg_ldl_factor(const at::Tensor &self, bool hermitian=false)
Definition: Functions.h:17926
at::Tensor glu(const at::Tensor &self, int64_t dim=-1)
Definition: Functions.h:12901
at::Tensor __xor__(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9724
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23015
at::Tensor & special_shifted_chebyshev_polynomial_v_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19795
at::Tensor linalg_matmul(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17968
at::Tensor & special_erfcx_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17118
at::Tensor & bitwise_and_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:9609
at::Tensor & 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)
Definition: Functions.h:9457
at::Tensor linalg_ldl_solve(const at::Tensor &LD, const at::Tensor &pivots, const at::Tensor &B, bool hermitian=false)
Definition: Functions.h:17940
at::Tensor & arctan_(at::Tensor &self)
Definition: Functions.h:1001
at::Tensor subtract(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:8546
at::Tensor _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)
Definition: Functions.h:2554
at::Tensor & _nested_from_padded_and_nested_example_outf(const at::Tensor &padded, const at::Tensor &nt_example, at::Tensor &out)
Definition: Functions.h:22970
at::Tensor & 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)
Definition: Functions.h:25162
at::Tensor ger(const at::Tensor &self, const at::Tensor &vec2)
Definition: Functions.h:18202
void 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)
Definition: Functions.h:23805
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23836
at::Tensor & 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)
Definition: Functions.h:16215
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21457
at::Tensor select(const at::Tensor &self, at::Dimname dim, int64_t index)
Definition: Functions.h:6773
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23082
at::Tensor sigmoid_backward(const at::Tensor &grad_output, const at::Tensor &output)
Definition: Functions.h:16356
at::Tensor narrow_symint(const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length)
Definition: Functions.h:5019
at::Tensor & flip_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dims)
Definition: Functions.h:22894
at::Tensor 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)
Definition: Functions.h:1827
inline ::std::vector< at::Tensor > _foreach_lgamma(at::TensorList self)
Definition: Functions.h:12053
at::Tensor & argmin_out(at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false)
Definition: Functions.h:772
at::Tensor & hardsigmoid_(at::Tensor &self)
Definition: Functions.h:12944
at::Tensor 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)
Definition: Functions.h:4702
at::Tensor & xlogy_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4159
at::Tensor transpose_copy(const at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:18899
at::Tensor fake_quantize_per_channel_affine_cachemask_backward(const at::Tensor &grad, const at::Tensor &mask)
Definition: Functions.h:9105
at::Tensor & replication_pad2d_backward_symint_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14268
at::Tensor & rsub_outf(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out)
Definition: Functions.h:23371
at::Tensor inner(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:18174
at::Tensor frac(const at::Tensor &self)
Definition: Functions.h:3161
at::Tensor & linalg_svdvals_out(at::Tensor &out, const at::Tensor &A, c10::optional< c10::string_view > driver=c10::nullopt)
Definition: Functions.h:18319
at::Tensor & square_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7553
at::Tensor & _cudnn_init_dropout_state_outf(double dropout, bool train, int64_t dropout_seed, at::Tensor &out)
Definition: Functions.h:20043
inline ::std::vector< at::Tensor > split(const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:7225
at::Tensor & _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)
Definition: Functions.h:20376
at::Tensor & concat_out(at::Tensor &out, at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:1354
at::Tensor as_strided_copy_symint(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt)
Definition: Functions.h:18716
at::Tensor normal_symint(double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator=c10::nullopt, at::TensorOptions options={})
Definition: Functions.h:11497
void _foreach_cos_(at::TensorList self)
Definition: Functions.h:11898
at::Tensor & to_sparse_csr_out(at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dense_dim=c10::nullopt)
Definition: Functions.h:23557
at::Tensor _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)
Definition: Functions.h:8632
at::Tensor & 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)
Definition: Functions.h:25261
at::Tensor & _conj_physical_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:20084
at::Tensor & indices_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25779
at::Tensor reflection_pad3d_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14026
at::Tensor & hann_window_out(at::Tensor &out, int64_t window_length)
Definition: Functions.h:21321
at::Tensor q_per_channel_zero_points(const at::Tensor &self)
Definition: Functions.h:9035
void _foreach_cosh_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24723
at::Tensor & special_gammaincc_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:17454
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12445
at::Tensor & 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)
Definition: Functions.h:12849
at::Tensor & softmax_outf(const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:7165
at::Tensor glu_jvp(const at::Tensor &glu, const at::Tensor &x, const at::Tensor &dx, int64_t dim)
Definition: Functions.h:12920
at::Tensor & hardshrink_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &lambd=0.5)
Definition: Functions.h:6726
at::Tensor sigmoid(const at::Tensor &self)
Definition: Functions.h:6921
at::Tensor upsample_nearest1d_backward(const at::Tensor &grad_output, at::IntArrayRef output_size, at::IntArrayRef input_size, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:15775
at::Tensor & bartlett_window_outf(int64_t window_length, at::Tensor &out)
Definition: Functions.h:20124
at::Tensor & _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)
Definition: Functions.h:23445
at::Tensor hspmm(const at::Tensor &mat1, const at::Tensor &mat2)
Definition: Functions.h:8950
at::Tensor & select_copy_symint_out(at::Tensor &out, const at::Tensor &self, int64_t dim, c10::SymInt index)
Definition: Functions.h:25628
at::Tensor 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)
Definition: Functions.h:2450
at::Tensor & 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)
Definition: Functions.h:16521
at::Tensor & _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)
Definition: Functions.h:21084
at::Tensor polar(const at::Tensor &abs, const at::Tensor &angle)
Definition: Functions.h:1673
void split_copy_symint_out(at::TensorList out, const at::Tensor &self, c10::SymInt split_size, int64_t dim=0)
Definition: Functions.h:18985
at::Tensor & _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)
Definition: Functions.h:20789
at::Tensor & empty_strided_symint_out(at::Tensor &out, c10::SymIntArrayRef size, c10::SymIntArrayRef stride)
Definition: Functions.h:21209
at::Tensor _add_relu(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:550
at::Tensor & floor_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:3137
at::Tensor & special_bessel_j1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19235
at::Tensor & mkldnn_reorder_conv3d_weight_outf(const at::Tensor &self, at::IntArrayRef padding, at::IntArrayRef stride, at::IntArrayRef dilation, int64_t groups, at::Tensor &out)
Definition: Functions.h:23615
at::Tensor & 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)
Definition: Functions.h:17544
at::Tensor & replication_pad1d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14070
at::Tensor 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)
Definition: Functions.h:13552
at::Tensor & amin_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false)
Definition: Functions.h:4672
at::Tensor & special_log1p_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17422
at::Tensor & _cudnn_init_dropout_state_out(at::Tensor &out, double dropout, bool train, int64_t dropout_seed)
Definition: Functions.h:20039
at::Tensor & _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)
Definition: Functions.h:16259
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:5052
at::Tensor greater_equal(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10056
at::Tensor multilabel_margin_loss(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12324
at::Tensor 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)
Definition: Functions.h:4744
at::Tensor & special_chebyshev_polynomial_w_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19413
inline ::std::tuple< at::Tensor, at::Tensor > var_mean(const at::Tensor &self, bool unbiased)
Definition: Functions.h:8052
at::Tensor _cudnn_init_dropout_state(double dropout, bool train, int64_t dropout_seed, at::TensorOptions options)
Definition: Functions.h:249
at::Tensor & lerp_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &end, const at::Scalar &weight)
Definition: Functions.h:10800
at::Tensor _masked_scale(const at::Tensor &self, const at::Tensor &mask, double scale)
Definition: Functions.h:268
at::Tensor & special_sinc_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17398
at::Tensor & new_ones_outf(const at::Tensor &self, at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:21038
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:3353
at::Tensor & round_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6619
at::Tensor & 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)
Definition: Functions.h:21982
at::Tensor relu6(const at::Tensor &self)
Definition: Functions.h:6663
at::Tensor & _sparse_csr_sum_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:23226
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:20775
at::Tensor 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)
Definition: Functions.h:3454
at::Tensor & arccosh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:814
at::Tensor & less_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10215
at::Tensor & _sparse_csr_prod_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:23235
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21637
at::Tensor threshold_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &threshold)
Definition: Functions.h:7766
inline ::std::tuple< at::Tensor, at::Tensor > linalg_inv_ex(const at::Tensor &A, bool check_errors=false)
Definition: Functions.h:18132
void _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)
Definition: Functions.h:8848
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:16558
at::Tensor & to_padded_tensor_outf(const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25911
at::Tensor & special_round_outf(const at::Tensor &self, int64_t decimals, at::Tensor &out)
Definition: Functions.h:17412
void _foreach_tan_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24813
at::Tensor & linalg_det_outf(const at::Tensor &A, at::Tensor &out)
Definition: Functions.h:17902
at::Tensor & special_gammaln_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17076
void _foreach_maximum_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24479
at::Tensor & mkldnn_adaptive_avg_pool2d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13246
at::Tensor & _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)
Definition: Functions.h:20398
at::Tensor & _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)
Definition: Functions.h:23389
at::Tensor & softplus_outf(const at::Tensor &self, const at::Scalar &beta, const at::Scalar &threshold, at::Tensor &out)
Definition: Functions.h:13123
at::Tensor & _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)
Definition: Functions.h:20365
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > linalg_lu_factor_ex(const at::Tensor &A, bool pivot=true, bool check_errors=false)
Definition: Functions.h:17837
int64_t _cufft_get_plan_cache_max_size(int64_t device_index)
Definition: Functions.h:3607
at::Tensor & multinomial_outf(const at::Tensor &self, int64_t num_samples, bool replacement, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:10654
void _cummax_helper(const at::Tensor &self, at::Tensor &values, at::Tensor &indices, int64_t dim)
Definition: Functions.h:2038
inline ::std::tuple< at::Tensor &, at::Tensor & > _aminmax_outf(const at::Tensor &self, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:21668
at::Tensor & acosh_(at::Tensor &self)
Definition: Functions.h:786
at::Tensor & exponential_outf(const at::Tensor &self, double lambd, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:24226
void _foreach_erf_(at::TensorList self)
Definition: Functions.h:11918
at::Tensor & detach_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25650
at::Tensor _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)
Definition: Functions.h:2785
at::Tensor cosh(const at::Tensor &self)
Definition: Functions.h:1906
at::Tensor & _test_autograd_multiple_dispatch_view_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25357
at::Tensor & inverse_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:18165
at::Tensor & logsumexp_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false)
Definition: Functions.h:4298
const at::Tensor & _resize_output_out(const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::Device device)
Definition: Functions.h:21155
at::Tensor smm(const at::Tensor &self, const at::Tensor &mat2)
Definition: Functions.h:7151
at::Tensor _cast_Double(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:93
at::Tensor replication_pad2d_symint(const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14224
at::Tensor fmax(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11041
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23755
at::Tensor & logical_not_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:1210
at::Tensor & _sparse_softmax_outf(const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out)
Definition: Functions.h:23248
at::Tensor & nansum_out(at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7515
at::Tensor & minimum_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11097
at::Tensor bitwise_not(const at::Tensor &self)
Definition: Functions.h:1159
at::Tensor & _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)
Definition: Functions.h:15038
at::Tensor & _adaptive_avg_pool3d_backward_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:25144
at::Tensor 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)
Definition: Functions.h:16629
at::Tensor 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)
Definition: Functions.h:4691
at::Tensor & isneginf_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:16950
inline ::std::vector< at::Tensor > _foreach_minimum(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11648
at::Tensor & fft_irfft_outf(const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17534
at::Tensor & dequantize_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23665
at::Tensor upsample_nearest1d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14631
at::Tensor _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)
Definition: Functions.h:15401
inline ::std::tuple< at::Tensor &, at::Tensor & > kthvalue_outf(const at::Tensor &self, int64_t k, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:3810
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3862
inline ::std::vector< at::Tensor > _foreach_sin(at::TensorList self)
Definition: Functions.h:12023
inline ::std::tuple< at::Tensor &, at::Tensor & > native_dropout_outf(const at::Tensor &input, double p, c10::optional< bool > train, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:20070
at::Tensor & square_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7557
at::Tensor _fft_r2c(const at::Tensor &self, at::IntArrayRef dim, int64_t normalization, bool onesided)
Definition: Functions.h:3503
at::Tensor & adaptive_avg_pool2d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:13197
at::Tensor & conv_tbc_outf(const at::Tensor &self, const at::Tensor &weight, const at::Tensor &bias, int64_t pad, at::Tensor &out)
Definition: Functions.h:20413
at::Tensor & 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)
Definition: Functions.h:608
at::Tensor & max_unpool3d_outf(const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::IntArrayRef stride, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13631
at::Tensor & copy_sparse_to_sparse_(at::Tensor &self, const at::Tensor &src, bool non_blocking=false)
Definition: Functions.h:8955
at::Tensor adaptive_avg_pool3d_symint(const at::Tensor &self, c10::SymIntArrayRef output_size)
Definition: Functions.h:13342
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19898
at::Tensor & 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)
Definition: Functions.h:22726
at::Tensor & linalg_matrix_power_outf(const at::Tensor &self, int64_t n, at::Tensor &out)
Definition: Functions.h:18505
at::Tensor & exp2_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:2995
at::Tensor & special_modified_bessel_k0_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19641
at::Tensor & polygamma_outf(int64_t n, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10696
at::Tensor & 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)
Definition: Functions.h:20669
inline ::std::tuple< at::Tensor &, at::Tensor & > nanmedian_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:4616
at::Tensor & pixel_shuffle_out(at::Tensor &out, const at::Tensor &self, int64_t upscale_factor)
Definition: Functions.h:22204
at::Tensor & log2_(at::Tensor &self)
Definition: Functions.h:4092
at::Tensor & 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)
Definition: Functions.h:8613
at::Tensor linalg_cholesky(const at::Tensor &self, bool upper=false)
Definition: Functions.h:17795
inline ::std::vector< at::Tensor > _foreach_clamp_min(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11618
at::Tensor special_chebyshev_polynomial_u(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19314
at::Tensor & index_fill_out(at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value)
Definition: Functions.h:24039
at::Tensor & gelu_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::string_view approximate="none")
Definition: Functions.h:6707
at::Tensor & scatter_outf(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, at::Tensor &out)
Definition: Functions.h:9515
at::Tensor vstack(at::TensorList tensors)
Definition: Functions.h:7419
at::Tensor fix(const at::Tensor &self)
Definition: Functions.h:7910
at::Tensor & adaptive_max_pool2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices, at::Tensor &grad_input)
Definition: Functions.h:13407
at::Tensor linalg_eigvals(const at::Tensor &self)
Definition: Functions.h:18062
at::Tensor & tan_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7696
at::Tensor & _compute_linear_combination_out(at::Tensor &out, const at::Tensor &input, const at::Tensor &coefficients)
Definition: Functions.h:4398
inline ::std::vector< at::Tensor > _foreach_round(at::TensorList self)
Definition: Functions.h:12043
at::Tensor & _new_zeros_with_same_feature_meta_outf(const at::Tensor &self, const at::Tensor &other, int64_t self_num_batch_dims, at::Tensor &out)
Definition: Functions.h:19893
at::Tensor median(const at::Tensor &self)
Definition: Functions.h:4573
at::Tensor & pow_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &exponent)
Definition: Functions.h:11344
inline ::std::vector< at::Tensor > _foreach_addcdiv(at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1)
Definition: Functions.h:12133
at::Tensor diagonal(const at::Tensor &self, int64_t offset=0, int64_t dim1=0, int64_t dim2=1)
Definition: Functions.h:2192
inline ::std::vector< at::Tensor > _foreach_expm1(at::TensorList self)
Definition: Functions.h:11933
const at::Tensor & 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)
Definition: Functions.h:17726
inline ::std::tuple< at::Tensor &, at::Tensor & > nanmedian_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:4620
inline ::std::tuple< double, int64_t > _choose_qparams_per_tensor(const at::Tensor &self, bool reduce_range=false)
Definition: Functions.h:9130
void _foreach_norm_outf(at::TensorList self, const at::Scalar &ord, at::TensorList out)
Definition: Functions.h:24961
void _foreach_asin_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24691
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:1985
at::Tensor fbgemm_linear_fp16_weight(const at::Tensor &input, const at::Tensor &packed_weight, const at::Tensor &bias)
Definition: Functions.h:3978
at::Tensor & special_bessel_j1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19239
at::Tensor & inverse_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:18169
at::Tensor 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)
Definition: Functions.h:9319
at::Tensor 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)
Definition: Functions.h:8594
at::Tensor hardtanh(const at::Tensor &self, const at::Scalar &min_val=-1, const at::Scalar &max_val=1)
Definition: Functions.h:12972
at::Tensor true_divide(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2354
at::Tensor & full_symint_outf(c10::SymIntArrayRef size, const at::Scalar &fill_value, at::Tensor &out)
Definition: Functions.h:3266
at::Tensor & logical_xor_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1220
at::Tensor 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)
Definition: Functions.h:9095
at::Tensor squeeze(const at::Tensor &self)
Definition: Functions.h:7343
at::Tensor & _sobol_engine_initialize_state_(at::Tensor &self, int64_t dimension)
Definition: Functions.h:298
at::Tensor & histc_outf(const at::Tensor &self, int64_t bins, const at::Scalar &min, const at::Scalar &max, at::Tensor &out)
Definition: Functions.h:10832
at::Scalar _local_scalar_dense(const at::Tensor &self)
Definition: Functions.h:9204
at::Tensor & 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)
Definition: Functions.h:20270
at::Tensor special_zeta(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17235
at::Tensor & diagonal_copy_outf(const at::Tensor &self, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out)
Definition: Functions.h:25504
at::Tensor & true_divide_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:2363
void _foreach_cos_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24714
at::Tensor & sin_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6969
at::Tensor & digamma_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10682
at::Tensor & 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)
Definition: Functions.h:25239
at::Tensor _pin_memory(const at::Tensor &self, c10::optional< at::Device > device=c10::nullopt)
Definition: Functions.h:5376
at::Tensor isfinite(const at::Tensor &self)
Definition: Functions.h:16921
at::Tensor & set_out(at::Tensor &out, const at::Tensor &self, at::Storage source)
Definition: Functions.h:23859
at::Tensor 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)
Definition: Functions.h:10441
at::Tensor hann_window(int64_t window_length, at::TensorOptions options={})
Definition: Functions.h:3368
at::Tensor & _test_optional_intlist_out(at::Tensor &out, const at::Tensor &values, at::OptionalIntArrayRef addends)
Definition: Functions.h:25312
at::Tensor & _nested_tensor_from_mask_outf(const at::Tensor &t, const at::Tensor &mask, bool mask_check, at::Tensor &out)
Definition: Functions.h:22934
at::Tensor & crow_indices_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25797
at::Tensor & 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)
Definition: Functions.h:12533
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20325
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20360
at::Tensor slice_backward_symint(const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt start, c10::SymInt end, c10::SymInt step)
Definition: Functions.h:7069
at::Tensor _sparse_coo_tensor_with_dims(int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8873
at::Tensor & 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)
Definition: Functions.h:12859
at::Tensor & arcsin_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:972
at::Tensor as_strided_symint(const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride, c10::optional< c10::SymInt > storage_offset=c10::nullopt)
Definition: Functions.h:906
at::Tensor & __rshift___out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:24111
at::Tensor & scalar_tensor_out(at::Tensor &out, const at::Scalar &s)
Definition: Functions.h:22240
at::Tensor linalg_inv(const at::Tensor &A)
Definition: Functions.h:18146
at::Tensor upsample_bicubic2d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14587
inline ::std::tuple< at::Tensor &, at::Tensor & > std_mean_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:22871
at::Tensor & empty_outf(at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:2842
at::Tensor & ldexp_(at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3998
at::Tensor & _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)
Definition: Functions.h:16270
at::Tensor hstack(at::TensorList tensors)
Definition: Functions.h:7405
at::Tensor _pad_enum(const at::Tensor &self, at::IntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt)
Definition: Functions.h:14455
at::Tensor replication_pad2d_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14290
at::Tensor & 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)
Definition: Functions.h:18263
at::Tensor & bincount_out(at::Tensor &out, const at::Tensor &self, const c10::optional< at::Tensor > &weights={}, int64_t minlength=0)
Definition: Functions.h:20179
at::Tensor addr(const at::Tensor &self, const at::Tensor &vec1, const at::Tensor &vec2, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:603
at::Tensor poisson(const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:8271
at::Tensor greater(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10168
at::Tensor special_sinc(const at::Tensor &self)
Definition: Functions.h:17389
at::Tensor swapaxes(const at::Tensor &self, int64_t axis0, int64_t axis1)
Definition: Functions.h:10504
at::Tensor 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)
Definition: Functions.h:4733
at::Tensor nansum(const at::Tensor &self, at::OptionalIntArrayRef dim=c10::nullopt, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7510
at::Tensor & _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)
Definition: Functions.h:19940
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3459
at::Tensor & 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)
Definition: Functions.h:25195
at::Tensor & softplus_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &beta=1, const at::Scalar &threshold=20)
Definition: Functions.h:13119
at::Tensor & atanh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:871
inline ::std::tuple< at::Tensor &, at::Tensor & > adaptive_max_pool2d_out(at::Tensor &out, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13389
at::Tensor linear(const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias={})
Definition: Functions.h:3914
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:23002
at::Tensor & _sparse_sum_backward_out(at::Tensor &out, const at::Tensor &grad, const at::Tensor &self, at::IntArrayRef dim)
Definition: Functions.h:23217
inline ::std::vector< at::Tensor > _foreach_log1p(at::TensorList self)
Definition: Functions.h:11973
void _foreach_sqrt_(at::TensorList self)
Definition: Functions.h:11838
at::Tensor _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)
Definition: Functions.h:16072
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3873
at::Tensor & special_spherical_bessel_j0_outf(const at::Tensor &x, at::Tensor &out)
Definition: Functions.h:19869
at::Tensor & binary_cross_entropy_outf(const at::Tensor &self, const at::Tensor &target, const c10::optional< at::Tensor > &weight, int64_t reduction, at::Tensor &out)
Definition: Functions.h:1130
at::Tensor & 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)
Definition: Functions.h:20746
at::Tensor & 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)
Definition: Functions.h:25217
at::Tensor & _neg_view_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25438
at::Tensor 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)
Definition: Functions.h:12882
inline ::std::tuple< at::Tensor &, at::Tensor & > qr_outf(const at::Tensor &self, bool some, at::Tensor &Q, at::Tensor &R)
Definition: Functions.h:10565
at::Tensor & _stack_out(at::Tensor &out, at::TensorList tensors, int64_t dim=0)
Definition: Functions.h:7396
at::Tensor & log_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:4040
at::Tensor & repeat_outf(const at::Tensor &self, at::IntArrayRef repeats, at::Tensor &out)
Definition: Functions.h:22472
at::Tensor _pad_enum_symint(const at::Tensor &self, c10::SymIntArrayRef pad, int64_t mode, c10::optional< double > value=c10::nullopt)
Definition: Functions.h:14466
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > _linalg_solve_ex(const at::Tensor &A, const at::Tensor &B, bool left=true, bool check_errors=false)
Definition: Functions.h:18412
at::Tensor sign(const at::Tensor &self)
Definition: Functions.h:10739
at::Tensor & 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)
Definition: Functions.h:15434
at::Tensor & special_exp2_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17034
at::Tensor & _triton_scaled_dot_attention_outf(const at::Tensor &q, const at::Tensor &k, const at::Tensor &v, double dropout_p, at::Tensor &out)
Definition: Functions.h:25966
at::Tensor channel_shuffle(const at::Tensor &self, int64_t groups)
Definition: Functions.h:5366
at::Tensor & randint_symint_out(at::Tensor &out, int64_t high, c10::SymIntArrayRef size)
Definition: Functions.h:5909
at::Tensor __or__(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9681
at::Tensor less_equal(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10112
inline ::std::tuple< at::Tensor, at::Tensor > _linalg_eigh(const at::Tensor &A, c10::string_view UPLO="L", bool compute_v=true)
Definition: Functions.h:18076
at::Tensor & _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)
Definition: Functions.h:22984
at::Tensor heaviside(const at::Tensor &self, const at::Tensor &values)
Definition: Functions.h:8570
at::Tensor & huber_loss_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double delta=1.0)
Definition: Functions.h:12803
at::Tensor & reflection_pad1d_backward_symint_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13740
at::Tensor & 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)
Definition: Functions.h:16455
at::Tensor _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)
Definition: Functions.h:9110
inline ::std::tuple< at::Tensor, at::Tensor > linalg_cholesky_ex(const at::Tensor &self, bool upper=false, bool check_errors=false)
Definition: Functions.h:17781
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23796
at::Tensor from_file(c10::string_view filename, c10::optional< bool > shared=c10::nullopt, c10::optional< int64_t > size=0, at::TensorOptions options={})
Definition: Functions.h:3286
at::Tensor leaky_relu_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &negative_slope, bool self_is_result)
Definition: Functions.h:13043
at::Tensor 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)
Definition: Functions.h:1822
at::Tensor resize_symint(const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21144
at::Tensor _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)
Definition: Functions.h:8882
at::Tensor & 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)
Definition: Functions.h:21971
inline ::std::tuple< at::Tensor, at::Tensor > linalg_solve_ex(const at::Tensor &A, const at::Tensor &B, bool left=true, bool check_errors=false)
Definition: Functions.h:18426
inline ::std::tuple< at::Tensor, at::Tensor > native_dropout(const at::Tensor &input, double p, c10::optional< bool > train)
Definition: Functions.h:273
at::Tensor linalg_tensorinv(const at::Tensor &self, int64_t ind=2)
Definition: Functions.h:18454
at::Tensor t_copy(const at::Tensor &self)
Definition: Functions.h:18894
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21650
at::Tensor & to_sparse_outf(const at::Tensor &self, int64_t sparse_dim, at::Tensor &out)
Definition: Functions.h:23543
at::Tensor minimum(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11092
at::Tensor & dot_outf(const at::Tensor &self, const at::Tensor &tensor, at::Tensor &out)
Definition: Functions.h:2382
at::Tensor & indices_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25775
at::Tensor & cos_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:1901
at::Tensor _upsample_nearest_exact3d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14741
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:20784
at::Tensor hardswish_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:13015
inline ::std::vector< at::Tensor > _foreach_ceil(at::TensorList self)
Definition: Functions.h:11883
at::Tensor replication_pad1d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14147
const at::Tensor & resize_as_out(const at::Tensor &out, const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:23316
at::Tensor & index_outf(const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, at::Tensor &out)
Definition: Functions.h:3631
at::Tensor & _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)
Definition: Functions.h:21294
at::Tensor & _add_relu_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:560
inline ::std::vector< at::Tensor > _to_cpu(at::TensorList tensors)
Definition: Functions.h:8926
double q_scale(const at::Tensor &self)
Definition: Functions.h:9020
at::Tensor 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)
Definition: Functions.h:3829
at::Tensor _nested_from_padded(const at::Tensor &padded, const at::Tensor &cpu_nested_shape_example, bool fuse_transform_0213=false)
Definition: Functions.h:7861
at::Tensor linalg_cond(const at::Tensor &self, const c10::optional< at::Scalar > &p=c10::nullopt)
Definition: Functions.h:18328
at::Tensor & sigmoid_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &output)
Definition: Functions.h:16347
inline ::std::vector< at::Tensor > unsafe_split_symint(const at::Tensor &self, c10::SymInt split_size, int64_t dim=0)
Definition: Functions.h:7214
at::Tensor digamma(const at::Tensor &self)
Definition: Functions.h:10687
at::Tensor upsample_nearest2d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14686
void _foreach_tanh_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24826
at::Tensor native_norm(const at::Tensor &self, const at::Scalar &p=2)
Definition: Functions.h:8281
inline ::std::tuple< at::Tensor,::std::vector< at::Tensor >,::std::vector< at::Tensor > > 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)
Definition: Functions.h:9214
at::Tensor & _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)
Definition: Functions.h:19889
void _foreach_add_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24425
at::Tensor & special_polygamma_out(at::Tensor &out, int64_t n, const at::Tensor &self)
Definition: Functions.h:17352
void unsafe_split_out(at::TensorList out, const at::Tensor &self, int64_t split_size, int64_t dim=0)
Definition: Functions.h:22770
at::Tensor & special_i1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17310
at::Tensor flip(const at::Tensor &self, at::IntArrayRef dims)
Definition: Functions.h:7801
at::Tensor & zero_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23344
at::Tensor & orgqr_outf(const at::Tensor &self, const at::Tensor &input2, at::Tensor &out)
Definition: Functions.h:10598
at::Tensor 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)
Definition: Functions.h:3958
void _foreach_erfc_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24741
at::Tensor & narrow_copy_symint_out(at::Tensor &out, const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length)
Definition: Functions.h:4986
at::Tensor & log_normal_out(at::Tensor &out, const at::Tensor &self, double mean=1, double std=2, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24208
at::Tensor arccosh(const at::Tensor &self)
Definition: Functions.h:800
at::Tensor & special_expit_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17384
at::Tensor amin(const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false)
Definition: Functions.h:4667
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:9254
void _foreach_log1p_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24786
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22088
at::Tensor & hardswish_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:12996
at::Tensor & special_chebyshev_polynomial_v_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19371
at::Tensor index_put(const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices, const at::Tensor &values, bool accumulate=false)
Definition: Functions.h:3660
at::Tensor _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)
Definition: Functions.h:7881
at::Tensor row_indices_copy(const at::Tensor &self)
Definition: Functions.h:18944
at::Tensor & prod_outf(const at::Tensor &self, int64_t dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:7662
at::Tensor & special_modified_bessel_k1_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19659
at::Tensor & randn_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:6268
at::Tensor 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)
Definition: Functions.h:4476
at::Tensor & _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)
Definition: Functions.h:8623
at::Tensor & sgn_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:415
at::Tensor & linalg_multi_dot_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:18571
at::Tensor & kaiser_window_out(at::Tensor &out, int64_t window_length)
Definition: Functions.h:21375
at::Tensor & _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)
Definition: Functions.h:20517
at::Tensor _nested_tensor_softmax_with_shape(const at::Tensor &self, const at::Tensor &query)
Definition: Functions.h:19102
at::Tensor & _cdist_backward_out(at::Tensor &out, const at::Tensor &grad, const at::Tensor &x1, const at::Tensor &x2, double p, const at::Tensor &cdist)
Definition: Functions.h:22177
at::Tensor lcm(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3323
at::Tensor 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)
Definition: Functions.h:5099
inline ::std::tuple< at::Tensor, at::Tensor > histogram(const at::Tensor &self, const at::Tensor &bins, const c10::optional< at::Tensor > &weight={}, bool density=false)
Definition: Functions.h:10851
at::Tensor & mvlgamma_outf(const at::Tensor &self, int64_t p, at::Tensor &out)
Definition: Functions.h:4932
at::Tensor & greater_equal_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10047
at::Tensor isneginf(const at::Tensor &self)
Definition: Functions.h:16945
at::Tensor & conj_physical_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:458
bool _is_zerotensor(const Tensor &tensor)
Definition: Functions.h:26078
at::Tensor & triu_out(at::Tensor &out, const at::Tensor &self, int64_t diagonal=0)
Definition: Functions.h:9862
at::Tensor & 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)
Definition: Functions.h:21727
at::Tensor & cross_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, c10::optional< int64_t > dim=c10::nullopt)
Definition: Functions.h:9848
at::Tensor & 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)
Definition: Functions.h:12511
const at::Tensor & resize_as_sparse_outf(const at::Tensor &self, const at::Tensor &the_template, const at::Tensor &out)
Definition: Functions.h:23334
at::Tensor replication_pad2d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14213
at::Tensor & ldexp_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4007
at::Tensor & mvlgamma_out(at::Tensor &out, const at::Tensor &self, int64_t p)
Definition: Functions.h:4928
void _foreach_log2_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24799
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22061
at::Tensor & new_zeros_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:21016
at::Tensor & asin_(at::Tensor &self)
Definition: Functions.h:944
inline ::std::tuple< at::Tensor, at::Tensor > _unique(const at::Tensor &self, bool sorted=true, bool return_inverse=false)
Definition: Functions.h:7934
at::Tensor & new_ones_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:21049
at::Tensor glu_backward(const at::Tensor &grad_output, const at::Tensor &self, int64_t dim)
Definition: Functions.h:12915
at::Tensor & 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)
Definition: Functions.h:15973
at::Tensor soft_margin_loss_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &target, int64_t reduction)
Definition: Functions.h:12854
at::Tensor & fmod_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10900
at::Tensor replication_pad1d_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14158
at::Tensor & repeat_interleave_out(at::Tensor &out, const at::Tensor &repeats, c10::optional< int64_t > output_size=c10::nullopt)
Definition: Functions.h:22505
at::Tensor & t_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25730
at::Tensor erfc(const at::Tensor &self)
Definition: Functions.h:2947
at::Tensor & _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)
Definition: Functions.h:23385
const at::Tensor & resize_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format, const at::Tensor &out)
Definition: Functions.h:21122
at::Tensor rot90(const at::Tensor &self, int64_t k=1, at::IntArrayRef dims={0, 1})
Definition: Functions.h:7821
at::Tensor & 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)
Definition: Functions.h:20281
at::Tensor replication_pad3d(const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14345
at::Tensor & atanh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:867
at::Tensor & bitwise_left_shift_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:9753
at::Tensor bitwise_and(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9623
at::Tensor 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)
Definition: Functions.h:14873
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:283
at::Tensor & sgn_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:419
at::Tensor _cast_Byte(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:83
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20356
at::Tensor & q_per_channel_zero_points_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23696
at::Tensor fft_ifftn(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17665
at::Tensor & _coalesced_out(at::Tensor &out, const at::Tensor &self, bool coalesced)
Definition: Functions.h:23511
at::Tensor & max_unpool3d_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size, at::IntArrayRef stride, at::IntArrayRef padding)
Definition: Functions.h:13627
at::Tensor & log_sigmoid_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:13053
at::Tensor _is_all_true(const at::Tensor &self)
Definition: Functions.h:627
at::Tensor 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)
Definition: Functions.h:15269
at::Tensor 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)
Definition: Functions.h:7140
at::Tensor & mean_out(at::Tensor &out, const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:4536
at::Tensor & glu_jvp_out(at::Tensor &out, const at::Tensor &glu, const at::Tensor &x, const at::Tensor &dx, int64_t dim)
Definition: Functions.h:25002
at::Tensor & gather_outf(const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad, at::Tensor &out)
Definition: Functions.h:10368
at::Tensor & log_(at::Tensor &self)
Definition: Functions.h:4035
at::Tensor & 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)
Definition: Functions.h:21731
at::Tensor & 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)
Definition: Functions.h:12793
at::Tensor _test_string_default(const at::Tensor &dummy, c10::string_view a="\"'\\", c10::string_view b="\"'\\")
Definition: Functions.h:18605
void _linalg_check_errors(const at::Tensor &info, c10::string_view api_name, bool is_matrix)
Definition: Functions.h:10466
at::Tensor & cat_out(at::Tensor &out, const at::ITensorListRef &tensors, int64_t dim=0)
Definition: Functions.h:1326
at::Tensor trunc(const at::Tensor &self)
Definition: Functions.h:7891
at::Tensor std(const at::Tensor &self, bool unbiased)
Definition: Functions.h:7562
at::Tensor & diagonal_copy_out(at::Tensor &out, const at::Tensor &self, int64_t offset=0, int64_t dim1=0, int64_t dim2=1)
Definition: Functions.h:25500
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_lu_factor_out(at::Tensor &LU, at::Tensor &pivots, const at::Tensor &A, bool pivot=true)
Definition: Functions.h:17828
const at::Tensor & sparse_resize_and_clear_out(const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim)
Definition: Functions.h:23470
at::Tensor _sparse_log_softmax_backward_data(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self)
Definition: Functions.h:8361
at::Tensor & _conj_physical_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:20088
at::Tensor & special_shifted_chebyshev_polynomial_w_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19837
at::Tensor nuclear_norm(const at::Tensor &self, bool keepdim=false)
Definition: Functions.h:8465
at::Tensor empty(at::IntArrayRef size, c10::optional< at::DimnameList > names, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2592
at::Tensor & complex_outf(const at::Tensor &real, const at::Tensor &imag, at::Tensor &out)
Definition: Functions.h:1668
at::Tensor & _test_warn_in_autograd_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25343
at::Tensor & i0_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10734
at::Tensor & reflection_pad1d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &out)
Definition: Functions.h:13674
at::Tensor & _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)
Definition: Functions.h:19929
at::Tensor & 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)
Definition: Functions.h:15236
at::Tensor sparse_compressed_tensor(const at::Tensor &compressed_indices, const at::Tensor &plain_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8637
at::Tensor & linalg_cond_out(at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &p=c10::nullopt)
Definition: Functions.h:18333
at::Tensor & bincount_outf(const at::Tensor &self, const c10::optional< at::Tensor > &weights, int64_t minlength, at::Tensor &out)
Definition: Functions.h:20183
at::Tensor & special_shifted_chebyshev_polynomial_t_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19711
at::Tensor _reshape_alias_copy(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:18764
at::Tensor & le_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10079
void _foreach_expm1_(at::TensorList self)
Definition: Functions.h:11938
at::Tensor trace_backward(const at::Tensor &grad, at::IntArrayRef sizes)
Definition: Functions.h:9913
inline ::std::tuple< at::Tensor, at::Tensor > std_mean(const at::Tensor &self, bool unbiased)
Definition: Functions.h:7577
at::Tensor & zero_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23348
at::Tensor uniform(const at::Tensor &self, double from=0, double to=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24189
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, int64_t, int64_t, int64_t, int64_t, at::Tensor > _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)
Definition: Functions.h:19137
at::Tensor & 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)
Definition: Functions.h:17870
at::Tensor unfold_copy(const at::Tensor &self, int64_t dimension, int64_t size, int64_t step)
Definition: Functions.h:19078
void _foreach_acos_(at::TensorList self)
Definition: Functions.h:11858
at::Tensor matrix_exp_backward(const at::Tensor &self, const at::Tensor &grad)
Definition: Functions.h:4364
at::Tensor logical_and(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1229
at::Tensor & arcsin_(at::Tensor &self)
Definition: Functions.h:963
at::Tensor & new_empty_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:20873
at::Tensor & linalg_inv_outf(const at::Tensor &A, at::Tensor &out)
Definition: Functions.h:18155
at::Tensor fmod(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10909
inline ::std::tuple< at::Tensor &, at::Tensor & > geqrf_out(at::Tensor &a, at::Tensor &tau, const at::Tensor &self)
Definition: Functions.h:10575
at::Tensor _saturate_weight_to_fp16(const at::Tensor &weight)
Definition: Functions.h:9135
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22056
at::Tensor & _adaptive_avg_pool2d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:25080
at::Tensor & log10_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:4059
at::Tensor fft_fftfreq(int64_t n, double d=1.0, at::TensorOptions options={})
Definition: Functions.h:17735
at::Tensor & 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)
Definition: Functions.h:21718
at::Tensor & special_laguerre_polynomial_l_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19543
at::Tensor & _foobar_out(at::Tensor &out, const at::Tensor &self, bool arg1=true, bool arg2=true, bool arg3=true)
Definition: Functions.h:25998
at::Tensor & outer_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &vec2)
Definition: Functions.h:18193
at::Tensor _test_serialization_subcmul(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:18585
at::Tensor float_power(const at::Tensor &self, const at::Tensor &exponent)
Definition: Functions.h:11395
at::Tensor unfold_backward(const at::Tensor &grad_in, at::IntArrayRef input_sizes, int64_t dim, int64_t size, int64_t step)
Definition: Functions.h:11317
at::Tensor & bitwise_right_shift_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:9796
at::Tensor _mkldnn_reshape(const at::Tensor &self, at::IntArrayRef shape)
Definition: Functions.h:6600
inline ::std::tuple< at::Tensor, at::Tensor > cummin(const at::Tensor &self, int64_t dim)
Definition: Functions.h:2043
at::Tensor & le_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10075
at::Tensor & 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)
Definition: Functions.h:9476
at::Tensor constant_pad_nd_symint(const at::Tensor &self, c10::SymIntArrayRef pad, const at::Scalar &value=0)
Definition: Functions.h:1698
at::Tensor 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)
Definition: Functions.h:5133
at::Tensor & nextafter_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:10974
at::Tensor & _reshape_alias_copy_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef size, c10::SymIntArrayRef stride)
Definition: Functions.h:25584
at::Tensor special_gammaincc(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17459
at::Tensor & __rshift___outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:24115
const at::Tensor & _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)
Definition: Functions.h:16596
at::Tensor & _values_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25766
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21655
at::Tensor & glu_outf(const at::Tensor &self, int64_t dim, at::Tensor &out)
Definition: Functions.h:12896
at::Tensor _values_copy(const at::Tensor &self)
Definition: Functions.h:18914
at::Tensor dist(const at::Tensor &self, const at::Tensor &other, const at::Scalar &p=2)
Definition: Functions.h:10767
at::Tensor log2(const at::Tensor &self)
Definition: Functions.h:4087
at::Tensor & clamp_min_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &min)
Definition: Functions.h:1598
at::Tensor sqrt(const at::Tensor &self)
Definition: Functions.h:7524
bool __dispatch_is_neg(const at::Tensor &self)
Definition: Functions.h:3752
at::Tensor & _mkldnn_transpose_(at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:7791
at::Tensor & special_logsumexp_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false)
Definition: Functions.h:17366
at::Tensor & 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)
Definition: Functions.h:3905
at::Tensor & _convert_indices_from_coo_to_csr_out(at::Tensor &out, const at::Tensor &self, int64_t size, bool out_int32=false)
Definition: Functions.h:12231
at::Tensor col2im_symint(const at::Tensor &self, c10::SymIntArrayRef output_size, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride)
Definition: Functions.h:16882
at::Tensor & narrow_copy_outf(const at::Tensor &self, int64_t dim, int64_t start, int64_t length, at::Tensor &out)
Definition: Functions.h:4975
at::Tensor _sample_dirichlet(const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:8266
at::Tensor & sqrt_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7534
at::Tensor & special_chebyshev_polynomial_u_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19329
at::Tensor & quantize_per_tensor_out(at::Tensor &out, const at::Tensor &self, double scale, int64_t zero_point, at::ScalarType dtype)
Definition: Functions.h:23629
at::Tensor & special_shifted_chebyshev_polynomial_u_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19749
at::Tensor 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)
Definition: Functions.h:15544
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21772
at::Tensor & round_(at::Tensor &self)
Definition: Functions.h:6610
at::Tensor reshape(const at::Tensor &self, at::IntArrayRef shape)
Definition: Functions.h:6534
at::Tensor & relu6_(at::Tensor &self)
Definition: Functions.h:6668
at::Tensor norm(const at::Tensor &self, const c10::optional< at::Scalar > &p, at::ScalarType dtype)
Definition: Functions.h:8371
at::Tensor & put_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &index, const at::Tensor &source, bool accumulate=false)
Definition: Functions.h:24030
at::Tensor & _pin_memory_outf(const at::Tensor &self, c10::optional< at::Device > device, at::Tensor &out)
Definition: Functions.h:22235
at::Tensor & hann_window_outf(int64_t window_length, at::Tensor &out)
Definition: Functions.h:21325
at::Tensor & matrix_power_out(at::Tensor &out, const at::Tensor &self, int64_t n)
Definition: Functions.h:4350
at::Tensor & 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)
Definition: Functions.h:21280
at::Tensor & triu_indices_out(at::Tensor &out, int64_t row, int64_t col, int64_t offset=0)
Definition: Functions.h:24259
void _foreach_trunc_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24898
at::Tensor take_along_dim(const at::Tensor &self, const at::Tensor &indices, c10::optional< int64_t > dim=c10::nullopt)
Definition: Functions.h:10266
at::Tensor & adaptive_avg_pool3d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, at::Tensor &out)
Definition: Functions.h:13320
at::Tensor & 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)
Definition: Functions.h:25670
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21659
void _foreach_tanh_(at::TensorList self)
Definition: Functions.h:12018
at::Tensor & negative_(at::Tensor &self)
Definition: Functions.h:6474
at::Tensor & special_gammainc_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:17440
at::Tensor & amax_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:4466
const at::Tensor & _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)
Definition: Functions.h:16563
at::Tensor & rand_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:5625
at::Tensor hardsigmoid(const at::Tensor &self)
Definition: Functions.h:12939
at::Tensor & ge_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10019
at::Tensor & mish_(at::Tensor &self)
Definition: Functions.h:6902
const at::Tensor & resize_out(const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21089
at::Tensor & 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)
Definition: Functions.h:21803
at::Tensor & log_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:4044
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:19112
at::Tensor & _sobol_engine_ff_(at::Tensor &self, int64_t n, const at::Tensor &sobolstate, int64_t dimension, int64_t num_generated)
Definition: Functions.h:288
at::Tensor & scatter_add_outf(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src, at::Tensor &out)
Definition: Functions.h:9581
inline ::std::tuple< at::Tensor &, at::Tensor & > triangular_solve_outf(const at::Tensor &self, const at::Tensor &A, bool upper, bool transpose, bool unitriangular, at::Tensor &X, at::Tensor &M)
Definition: Functions.h:10456
void _foreach_asin_(at::TensorList self)
Definition: Functions.h:11868
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:20336
at::Tensor & _empty_affine_quantized_outf(at::IntArrayRef size, double scale, int64_t zero_point, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:21075
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:9234
at::Tensor & bmm_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mat2)
Definition: Functions.h:1280
at::Tensor & diag_embed_out(at::Tensor &out, const at::Tensor &self, int64_t offset=0, int64_t dim1=-2, int64_t dim2=-1)
Definition: Functions.h:20598
at::Tensor & 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)
Definition: Functions.h:22748
at::Tensor 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)
Definition: Functions.h:4486
at::Tensor & digamma_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10678
inline ::std::tuple< at::Tensor &, at::Tensor & > median_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:4583
at::Tensor acos(const at::Tensor &self)
Definition: Functions.h:483
at::Tensor reflection_pad2d_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13894
at::Tensor & special_erfc_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17100
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21577
at::Tensor & tril_indices_outf(int64_t row, int64_t col, int64_t offset, at::Tensor &out)
Definition: Functions.h:24254
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:4718
at::Tensor & hardswish_backward_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:25020
at::Tensor & isin_out(at::Tensor &out, const at::Tensor &elements, const at::Tensor &test_elements, bool assume_unique=false, bool invert=false)
Definition: Functions.h:3680
at::Tensor & 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)
Definition: Functions.h:16094
void _foreach_addcdiv_outf(at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value, at::TensorList out)
Definition: Functions.h:24907
inline ::std::tuple< at::Tensor, at::Tensor > _aminmax(const at::Tensor &self)
Definition: Functions.h:4369
at::Tensor _log_softmax(const at::Tensor &self, int64_t dim, bool half_to_float)
Definition: Functions.h:4223
bool _has_same_storage_numel(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:138
at::Tensor & to_sparse_out(at::Tensor &out, const at::Tensor &self, int64_t sparse_dim)
Definition: Functions.h:23539
at::Tensor & special_polygamma_outf(int64_t n, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17356
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _unique2(const at::Tensor &self, bool sorted=true, bool return_inverse=false, bool return_counts=false)
Definition: Functions.h:7954
at::Tensor movedim(const at::Tensor &self, at::IntArrayRef source, at::IntArrayRef destination)
Definition: Functions.h:5331
at::Tensor upsample_trilinear3d(const at::Tensor &input, at::OptionalIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14565
bool is_same_size(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3767
at::Tensor & cosh_(at::Tensor &self)
Definition: Functions.h:1911
at::Tensor & any_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:680
at::Tensor & mv_outf(const at::Tensor &self, const at::Tensor &vec, at::Tensor &out)
Definition: Functions.h:4923
at::Tensor & _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)
Definition: Functions.h:24021
at::Tensor huber_loss(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean, double delta=1.0)
Definition: Functions.h:12812
inline ::std::tuple< at::Tensor, at::Tensor > linalg_eig(const at::Tensor &self)
Definition: Functions.h:18048
at::Tensor & _add_relu_outf(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha, at::Tensor &out)
Definition: Functions.h:564
at::Tensor & crow_indices_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25793
at::Tensor & _dirichlet_grad_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &alpha, const at::Tensor &total)
Definition: Functions.h:23154
at::Tensor sparse_resize_and_clear(const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim)
Definition: Functions.h:23479
at::Tensor & special_sinc_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17394
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > linalg_ldl_factor_ex_outf(const at::Tensor &self, bool hermitian, bool check_errors, at::Tensor &LD, at::Tensor &pivots, at::Tensor &info)
Definition: Functions.h:17921
at::Tensor & 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)
Definition: Functions.h:25283
at::Tensor & 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)
Definition: Functions.h:16651
void _foreach_tan_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24817
at::Tensor cdist(const at::Tensor &x1, const at::Tensor &x2, double p=2, c10::optional< int64_t > compute_mode=c10::nullopt)
Definition: Functions.h:5286
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21402
at::Tensor & linear_outf(const at::Tensor &input, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::Tensor &out)
Definition: Functions.h:3928
at::Tensor & 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)
Definition: Functions.h:20702
at::Tensor 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)
Definition: Functions.h:4766
at::Tensor trapz(const at::Tensor &y, const at::Tensor &x, int64_t dim=-1)
Definition: Functions.h:7836
at::Tensor 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)
Definition: Functions.h:4491
at::Tensor & special_bessel_j0_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:19221
at::Tensor & fft_rfftfreq_out(at::Tensor &out, int64_t n, double d=1.0)
Definition: Functions.h:17762
at::Tensor 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)
Definition: Functions.h:13496
at::Tensor view_as_complex(const at::Tensor &self)
Definition: Functions.h:405
at::Tensor & special_ndtri_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:16988
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21646
at::Tensor _sparse_csr_tensor_unsafe(const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8736
inline ::std::vector< at::Tensor > _foreach_sinh(at::TensorList self)
Definition: Functions.h:12033
at::Tensor & clip_out(at::Tensor &out, const at::Tensor &self, const c10::optional< at::Scalar > &min, const c10::optional< at::Scalar > &max=c10::nullopt)
Definition: Functions.h:1636
at::Tensor & zeros_like_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:23127
at::Tensor soft_margin_loss(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12840
at::Tensor scalar_tensor(const at::Scalar &s, at::TensorOptions options={})
Definition: Functions.h:5429
void unsafe_split_with_sizes_symint_out(at::TensorList out, const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:22836
at::Tensor & sqrt_(at::Tensor &self)
Definition: Functions.h:7529
at::Tensor & _make_per_tensor_quantized_tensor_out(at::Tensor &out, const at::Tensor &self, double scale, int64_t zero_point)
Definition: Functions.h:23710
at::Tensor & _spdiags_out(at::Tensor &out, const at::Tensor &diagonals, const at::Tensor &offsets, at::IntArrayRef shape, c10::optional< at::Layout > layout=c10::nullopt)
Definition: Functions.h:23280
inline ::std::tuple< at::Tensor &, at::Tensor & > cummax_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t dim)
Definition: Functions.h:2015
void _foreach_zero_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24646
at::Tensor & copy_outf(const at::Tensor &self, const at::Tensor &src, bool non_blocking, at::Tensor &out)
Definition: Functions.h:20422
at::Tensor & _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)
Definition: Functions.h:23723
at::Tensor special_laguerre_polynomial_l(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19524
at::Tensor & put_outf(const at::Tensor &self, const at::Tensor &index, const at::Tensor &source, bool accumulate, at::Tensor &out)
Definition: Functions.h:24034
at::Tensor & _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)
Definition: Functions.h:25384
at::Tensor & special_chebyshev_polynomial_t_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19291
at::Tensor & reflection_pad3d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:13927
void _foreach_cosh_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24727
at::Tensor _masked_softmax_backward(const at::Tensor &grad_output, const at::Tensor &output, const at::Tensor &mask, c10::optional< int64_t > dim=c10::nullopt)
Definition: Functions.h:9429
at::Tensor 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)
Definition: Functions.h:13109
at::Tensor lu_solve(const at::Tensor &self, const at::Tensor &LU_data, const at::Tensor &LU_pivots)
Definition: Functions.h:10631
at::Tensor & _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)
Definition: Functions.h:16127
at::Tensor & poisson_outf(const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:23176
at::Tensor _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)
Definition: Functions.h:9424
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:3884
void _foreach_minimum_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24484
at::Tensor index(const at::Tensor &self, const c10::List< c10::optional< at::Tensor > > &indices)
Definition: Functions.h:3622
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:17963
at::Tensor & adaptive_avg_pool3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::Tensor &grad_input)
Definition: Functions.h:13379
at::Tensor & select_scatter_symint_outf(const at::Tensor &self, const at::Tensor &src, int64_t dim, c10::SymInt index, at::Tensor &out)
Definition: Functions.h:22706
at::Tensor q_per_channel_scales(const at::Tensor &self)
Definition: Functions.h:9030
at::Tensor & adaptive_avg_pool3d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:13375
at::Tensor _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={})
Definition: Functions.h:19187
at::Tensor & argmax_out(at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false)
Definition: Functions.h:758
at::Tensor hypot(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10937
at::Tensor & clamp_max_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &max)
Definition: Functions.h:1560
at::Tensor 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)
Definition: Functions.h:12296
bool is_nonzero(const at::Tensor &self)
Definition: Functions.h:3762
void _foreach_neg_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24808
at::Tensor adaptive_avg_pool1d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:526
at::Tensor & nanmean_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:4568
at::Tensor & 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)
Definition: Functions.h:16827
at::Tensor 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)
Definition: Functions.h:12621
void _foreach_round_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24849
at::Tensor & cholesky_inverse_outf(const at::Tensor &self, bool upper, at::Tensor &out)
Definition: Functions.h:10556
at::Tensor & _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)
Definition: Functions.h:15313
at::Tensor & 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)
Definition: Functions.h:25015
at::Tensor & negative_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6483
at::Tensor & polygamma_out(at::Tensor &out, int64_t n, const at::Tensor &self)
Definition: Functions.h:10692
at::Tensor threshold(const at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value)
Definition: Functions.h:7738
inline ::std::vector< at::Tensor > _foreach_acos(at::TensorList self)
Definition: Functions.h:11853
at::Tensor affine_grid_generator(const at::Tensor &theta, at::IntArrayRef size, bool align_corners)
Definition: Functions.h:617
at::Tensor & atan_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:987
at::Tensor gelu(const at::Tensor &self, c10::string_view approximate="none")
Definition: Functions.h:6702
at::Tensor & special_modified_bessel_i0_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19617
at::Tensor & transpose_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:25739
at::Tensor & gather_out(at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, bool sparse_grad=false)
Definition: Functions.h:10364
at::Tensor cauchy(const at::Tensor &self, double median=0, double sigma=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24203
at::Tensor isnan(const at::Tensor &self)
Definition: Functions.h:3722
at::Tensor & permute_copy_outf(const at::Tensor &self, at::IntArrayRef dims, at::Tensor &out)
Definition: Functions.h:25557
at::Tensor & softshrink_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &lambd, at::Tensor &grad_input)
Definition: Functions.h:13165
at::Tensor & rsub_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:23367
at::Tensor & 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)
Definition: Functions.h:12368
at::Tensor & diagonal_backward_outf(const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out)
Definition: Functions.h:20618
at::Tensor & empty_symint_outf(c10::SymIntArrayRef size, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:2864
at::Tensor & linalg_lu_solve_outf(const at::Tensor &LU, const at::Tensor &pivots, const at::Tensor &B, bool left, bool adjoint, at::Tensor &out)
Definition: Functions.h:17874
at::Tensor & special_modified_bessel_k0_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:19645
at::Tensor & 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)
Definition: Functions.h:25228
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21993
at::Tensor & 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)
Definition: Functions.h:12588
at::Tensor norm_except_dim(const at::Tensor &v, int64_t pow=2, int64_t dim=0)
Definition: Functions.h:8111
at::Tensor argsort(const at::Tensor &self, int64_t dim=-1, bool descending=false)
Definition: Functions.h:11246
at::Tensor _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)
Definition: Functions.h:16544
at::Tensor & 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)
Definition: Functions.h:13095
at::Tensor & _sparse_softmax_backward_data_outf(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23257
at::Tensor & 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)
Definition: Functions.h:25366
at::Tensor & select_backward_out(at::Tensor &out, const at::Tensor &grad_output, at::IntArrayRef input_sizes, int64_t dim, int64_t index)
Definition: Functions.h:22532
at::Tensor & _sparse_csr_prod_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:23239
inline ::std::tuple< at::Tensor &, at::Tensor & > kthvalue_out(at::Tensor &values, at::Tensor &indices, const at::Tensor &self, int64_t k, int64_t dim=-1, bool keepdim=false)
Definition: Functions.h:3806
at::Tensor & trace_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:24268
at::Tensor & 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)
Definition: Functions.h:22717
at::Tensor & mkldnn_linear_outf(const at::Tensor &self, const at::Tensor &weight, const c10::optional< at::Tensor > &bias, at::Tensor &out)
Definition: Functions.h:21623
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21285
at::Tensor & angle_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:395
at::Tensor & 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)
Definition: Functions.h:25011
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21997
at::Tensor & logical_and_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:1234
at::Tensor & floor_divide_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:3151
at::Tensor alpha_dropout(const at::Tensor &input, double p, bool train)
Definition: Functions.h:333
at::Tensor max_unpool2d(const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size)
Definition: Functions.h:13622
at::Tensor erf(const at::Tensor &self)
Definition: Functions.h:2928
at::Tensor reshape_symint(const at::Tensor &self, c10::SymIntArrayRef shape)
Definition: Functions.h:6545
at::Tensor softshrink_backward(const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &lambd)
Definition: Functions.h:13170
at::Tensor special_chebyshev_polynomial_w(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19398
at::Tensor & normal_symint_outf(double mean, double std, c10::SymIntArrayRef size, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:11552
at::Tensor & 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)
Definition: Functions.h:18253
at::Tensor _nested_tensor_from_mask(const at::Tensor &t, const at::Tensor &mask, bool mask_check=true)
Definition: Functions.h:7851
at::Tensor & narrow_copy_symint_outf(const at::Tensor &self, int64_t dim, c10::SymInt start, c10::SymInt length, at::Tensor &out)
Definition: Functions.h:4997
at::Tensor & _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)
Definition: Functions.h:16149
at::Tensor & empty_strided_symint_outf(c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::Tensor &out)
Definition: Functions.h:21220
at::Tensor & 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)
Definition: Functions.h:12610
at::Tensor & 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)
Definition: Functions.h:22651
at::Tensor & tensordot_outf(const at::Tensor &self, const at::Tensor &other, at::IntArrayRef dims_self, at::IntArrayRef dims_other, at::Tensor &out)
Definition: Functions.h:7733
at::Tensor & clone_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:23307
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23818
void _assert_async(const at::Tensor &self)
Definition: Functions.h:148
at::Tensor & cos_(at::Tensor &self)
Definition: Functions.h:1892
at::Tensor count_nonzero(const at::Tensor &self, at::IntArrayRef dim)
Definition: Functions.h:1930
at::Tensor upsample_linear1d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14510
at::Tensor & linalg_pinv_outf(const at::Tensor &self, const c10::optional< at::Tensor > &atol, const c10::optional< at::Tensor > &rtol, bool hermitian, at::Tensor &out)
Definition: Functions.h:18365
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:25984
at::Tensor 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)
Definition: Functions.h:9481
at::Tensor special_erfcx(const at::Tensor &self)
Definition: Functions.h:17109
at::Tensor matmul(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4326
at::Tensor & expm1_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:3014
inline ::std::vector< at::Tensor > _foreach_cosh(at::TensorList self)
Definition: Functions.h:11903
at::Tensor & gt_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10131
at::Tensor & linalg_matrix_exp_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25307
at::Tensor & 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)
Definition: Functions.h:16411
bool _nnpack_available()
Definition: Functions.h:5148
at::Tensor pairwise_distance(const at::Tensor &x1, const at::Tensor &x2, double p=2, double eps=1e-06, bool keepdim=false)
Definition: Functions.h:5281
at::Tensor & igammac_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:10960
at::Tensor & divide_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:2325
inline ::std::tuple< at::Tensor, at::Tensor > linalg_eigh(const at::Tensor &self, c10::string_view UPLO="L")
Definition: Functions.h:18090
at::Tensor & upsample_nearest1d_symint_outf(const at::Tensor &self, c10::SymIntArrayRef output_size, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:15588
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _linalg_det_outf(const at::Tensor &A, at::Tensor &result, at::Tensor &LU, at::Tensor &pivots)
Definition: Functions.h:17888
at::Tensor & log1p_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:4082
at::Tensor & to_padded_tensor_out(at::Tensor &out, const at::Tensor &self, double padding, at::OptionalIntArrayRef output_size=c10::nullopt)
Definition: Functions.h:25900
at::Tensor & ne_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9935
at::Tensor & _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)
Definition: Functions.h:15753
void _foreach_sigmoid_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24889
at::Tensor 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)
Definition: Functions.h:12632
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:19147
at::Tensor sum(const at::Tensor &self, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:7472
at::Tensor & mse_loss_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12254
at::Tensor & replication_pad1d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14059
at::Tensor & frobenius_norm_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false)
Definition: Functions.h:8456
at::Tensor & masked_scatter_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, const at::Tensor &source)
Definition: Functions.h:24003
at::Tensor atleast_1d(const at::Tensor &self)
Definition: Functions.h:1015
at::Tensor column_stack(at::TensorList tensors)
Definition: Functions.h:16893
at::Tensor & select_backward_symint_outf(const at::Tensor &grad_output, c10::SymIntArrayRef input_sizes, int64_t dim, c10::SymInt index, at::Tensor &out)
Definition: Functions.h:22565
at::Tensor & 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")
Definition: Functions.h:11153
at::Tensor & binomial_out(at::Tensor &out, const at::Tensor &count, const at::Tensor &prob, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:23181
at::Tensor & hardswish_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:13000
at::Tensor & _standard_gamma_grad_outf(const at::Tensor &self, const at::Tensor &output, at::Tensor &out)
Definition: Functions.h:23140
at::Tensor & arange_outf(const at::Scalar &end, at::Tensor &out)
Definition: Functions.h:734
at::Tensor empty_like(const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2875
at::Tensor & _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)
Definition: Functions.h:15390
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:20780
at::Tensor & special_zeta_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:17254
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21479
at::Tensor softshrink(const at::Tensor &self, const at::Scalar &lambd=0.5)
Definition: Functions.h:13156
at::Tensor _cast_Char(const at::Tensor &self, bool non_blocking=false)
Definition: Functions.h:88
at::Tensor 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={})
Definition: Functions.h:9304
at::Tensor linalg_vecdot(const at::Tensor &x, const at::Tensor &y, int64_t dim=-1)
Definition: Functions.h:17982
at::Tensor _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)
Definition: Functions.h:10875
at::Tensor & upsample_linear1d_symint_out(at::Tensor &out, const at::Tensor &self, c10::SymIntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:14785
at::Tensor & logcumsumexp_outf(const at::Tensor &self, int64_t dim, at::Tensor &out)
Definition: Functions.h:4274
at::Tensor & _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)
Definition: Functions.h:24025
at::Tensor & replication_pad1d_outf(const at::Tensor &self, at::IntArrayRef padding, at::Tensor &out)
Definition: Functions.h:14048
at::Tensor & 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)
Definition: Functions.h:16750
at::Tensor _grid_sampler_2d_cpu_fallback(const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners)
Definition: Functions.h:3348
at::Tensor & new_full_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, const at::Scalar &fill_value, at::Tensor &out)
Definition: Functions.h:20972
at::Tensor _make_dual(const at::Tensor &primal, const at::Tensor &tangent, int64_t level)
Definition: Functions.h:123
at::Tensor & reflection_pad3d_backward_symint_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14004
at::Tensor & _mkldnn_transpose_out(at::Tensor &out, const at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:22885
at::Tensor & repeat_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef repeats)
Definition: Functions.h:22461
void _foreach_exp_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24641
at::Tensor & mul_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4885
at::Tensor & reflection_pad3d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:13982
at::Tensor & _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)
Definition: Functions.h:15324
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:10842
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12467
at::Tensor & _nested_from_padded_and_nested_example_out(at::Tensor &out, const at::Tensor &padded, const at::Tensor &nt_example)
Definition: Functions.h:22966
at::Tensor & linalg_cond_outf(const at::Tensor &self, const c10::optional< at::Scalar > &p, at::Tensor &out)
Definition: Functions.h:18337
at::Tensor & rand_symint_outf(c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:5647
at::Tensor & tril_outf(const at::Tensor &self, int64_t diagonal, at::Tensor &out)
Definition: Functions.h:9880
at::Tensor roll(const at::Tensor &self, at::IntArrayRef shifts, at::IntArrayRef dims={})
Definition: Functions.h:7816
at::Tensor mul(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4876
at::Tensor & logit_out(at::Tensor &out, const at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:6950
at::Tensor _indices_copy(const at::Tensor &self)
Definition: Functions.h:18909
void _foreach_div_outf(at::TensorList self, const at::Scalar &scalar, at::TensorList out)
Definition: Functions.h:24452
at::Tensor _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)
Definition: Functions.h:18650
at::Tensor & fmin_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:11031
at::Tensor & _pdist_forward_out(at::Tensor &out, const at::Tensor &self, double p=2)
Definition: Functions.h:22186
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:5061
inline ::std::tuple<::std::vector< at::Tensor >, at::Tensor > _amp_foreach_non_finite_check_and_unscale(at::TensorList self, const at::Tensor &found_inf, const at::Tensor &inv_scale)
Definition: Functions.h:24402
at::Tensor & 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)
Definition: Functions.h:25272
at::Tensor & randint_like_outf(const at::Tensor &self, int64_t high, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:22350
at::Tensor ormqr(const at::Tensor &self, const at::Tensor &input2, const at::Tensor &input3, bool left=true, bool transpose=false)
Definition: Functions.h:10612
at::Tensor & isin_outf(const at::Tensor &elements, const at::Tensor &test_elements, bool assume_unique, bool invert, at::Tensor &out)
Definition: Functions.h:3684
at::Tensor & range_out(at::Tensor &out, const at::Scalar &start, const at::Scalar &end)
Definition: Functions.h:6408
at::Tensor _test_autograd_multiple_dispatch(const at::Tensor &self)
Definition: Functions.h:18625
void _foreach_clamp_min_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11623
at::Tensor & _pdist_forward_outf(const at::Tensor &self, double p, at::Tensor &out)
Definition: Functions.h:22190
at::Tensor & 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)
Definition: Functions.h:21691
at::Tensor special_bessel_j0(const at::Tensor &self)
Definition: Functions.h:19216
at::Tensor _unsafe_view_symint(const at::Tensor &self, c10::SymIntArrayRef size)
Definition: Functions.h:7970
at::Tensor & _fw_primal_copy_outf(const at::Tensor &self, int64_t level, at::Tensor &out)
Definition: Functions.h:25397
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:12698
void _foreach_log1p_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24790
at::Tensor & hardsigmoid_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:12949
at::Tensor & randn_out(at::Tensor &out, at::IntArrayRef size)
Definition: Functions.h:6257
at::Tensor & asinh_(at::Tensor &self)
Definition: Functions.h:824
bool is_vulkan_available()
Definition: Functions.h:5143
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19962
at::Tensor & replication_pad1d_backward_symint_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, c10::SymIntArrayRef padding)
Definition: Functions.h:14125
at::Tensor & clamp_min_(at::Tensor &self, const at::Scalar &min)
Definition: Functions.h:1588
at::Tensor & special_airy_ai_outf(const at::Tensor &x, at::Tensor &out)
Definition: Functions.h:19201
at::Tensor & _standard_gamma_outf(const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:23149
at::Tensor igamma(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10951
at::Tensor ge(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:10028
at::Tensor empty_quantized(at::IntArrayRef size, const at::Tensor &qtensor, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:2822
at::Tensor & 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)
Definition: Functions.h:14851
at::Tensor & tanh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:7719
at::Tensor 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)
Definition: Functions.h:4321
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19902
at::Tensor & adaptive_max_pool2d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &indices)
Definition: Functions.h:13403
at::Tensor special_erfc(const at::Tensor &self)
Definition: Functions.h:17095
at::Tensor & special_multigammaln_out(at::Tensor &out, const at::Tensor &self, int64_t p)
Definition: Functions.h:17469
at::Tensor sinc(const at::Tensor &self)
Definition: Functions.h:6978
at::Tensor & float_power_outf(const at::Tensor &self, const at::Tensor &exponent, at::Tensor &out)
Definition: Functions.h:11390
at::Tensor & replication_pad3d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14367
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor,::std::vector< at::Tensor > > 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)
Definition: Functions.h:4814
at::Tensor & mm_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mat2)
Definition: Functions.h:4824
at::Tensor & _pdist_backward_out(at::Tensor &out, const at::Tensor &grad, const at::Tensor &self, double p, const at::Tensor &pdist)
Definition: Functions.h:22195
at::Tensor & 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)
Definition: Functions.h:25469
at::Tensor & random_out(at::Tensor &out, const at::Tensor &self, int64_t from, c10::optional< int64_t > to, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:24138
at::Tensor to_mkldnn_backward(const at::Tensor &grad, const at::Tensor &input)
Definition: Functions.h:8980
at::Tensor & to_sparse_csc_out(at::Tensor &out, const at::Tensor &self, c10::optional< int64_t > dense_dim=c10::nullopt)
Definition: Functions.h:23566
at::Tensor & special_shifted_chebyshev_polynomial_t_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19707
at::Tensor & blackman_window_out(at::Tensor &out, int64_t window_length)
Definition: Functions.h:20188
at::Tensor swapdims(const at::Tensor &self, int64_t dim0, int64_t dim1)
Definition: Functions.h:10509
at::Tensor masked_select_backward(const at::Tensor &grad, const at::Tensor &input, const at::Tensor &mask)
Definition: Functions.h:10335
at::Tensor divide(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2316
at::Tensor & _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)
Definition: Functions.h:16281
at::Tensor & not_equal_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:9967
at::Tensor logaddexp(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4115
at::Tensor special_bessel_j1(const at::Tensor &self)
Definition: Functions.h:19230
at::Tensor & masked_fill_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, const at::Scalar &value)
Definition: Functions.h:23985
const at::Tensor & fft_ihfftn_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out)
Definition: Functions.h:17730
at::Tensor & q_per_channel_scales_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:23687
at::Tensor & erfinv_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:10715
at::Tensor & linalg_cholesky_out(at::Tensor &out, const at::Tensor &self, bool upper=false)
Definition: Functions.h:17800
void unsafe_split_symint_outf(const at::Tensor &self, c10::SymInt split_size, int64_t dim, at::TensorList out)
Definition: Functions.h:22803
at::Tensor & new_ones_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:21027
at::Tensor & 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)
Definition: Functions.h:13519
at::Tensor renorm(const at::Tensor &self, const at::Scalar &p, int64_t dim, const at::Scalar &maxnorm)
Definition: Functions.h:11312
at::Tensor & log_softmax_out(at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:4209
at::Tensor special_i1(const at::Tensor &self)
Definition: Functions.h:17305
at::Tensor & _standard_gamma_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:23145
at::Tensor & fft_fftn_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17660
void _foreach_lerp_out(at::TensorList out, at::TensorList self, at::TensorList tensors1, at::TensorList weights)
Definition: Functions.h:24966
at::Tensor & copysign_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:1177
at::Tensor poisson_nll_loss(const at::Tensor &input, const at::Tensor &target, bool log_input, bool full, double eps, int64_t reduction)
Definition: Functions.h:5386
at::Tensor & bitwise_not_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:1164
at::Tensor & 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)
Definition: Functions.h:17586
inline ::std::tuple< at::Tensor &, at::Tensor & > adaptive_max_pool3d_outf(const at::Tensor &self, at::IntArrayRef output_size, at::Tensor &out, at::Tensor &indices)
Definition: Functions.h:13421
at::Tensor & 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)
Definition: Functions.h:21960
void _foreach_add_out(at::TensorList out, at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:24421
at::Tensor fmin(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11022
at::Tensor _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)
Definition: Functions.h:21508
at::Tensor & all_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:647
at::Tensor neg(const at::Tensor &self)
Definition: Functions.h:6450
at::Tensor t(const at::Tensor &self)
Definition: Functions.h:7681
void _foreach_clamp_max_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11633
at::Tensor & special_chebyshev_polynomial_v_outf(const at::Tensor &x, const at::Tensor &n, at::Tensor &out)
Definition: Functions.h:19375
at::Tensor 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)
Definition: Functions.h:7047
at::Tensor celu(const at::Tensor &self, const at::Scalar &alpha=1.0)
Definition: Functions.h:6854
at::Tensor div(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2278
at::Tensor & _cholesky_solve_helper_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &A, bool upper)
Definition: Functions.h:24277
inline ::std::tuple< at::Tensor, at::Tensor > batch_norm_update_stats(const at::Tensor &input, const c10::optional< at::Tensor > &running_mean, const c10::optional< at::Tensor > &running_var, double momentum)
Definition: Functions.h:5138
at::Tensor & acosh_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:795
at::Tensor & 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)
Definition: Functions.h:13463
at::Tensor & _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)
Definition: Functions.h:24308
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23104
at::Tensor & arctan2_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:10795
at::Tensor & embedding_renorm_outf(const at::Tensor &self, const at::Tensor &indices, double max_norm, double norm_type, at::Tensor &out)
Definition: Functions.h:20761
at::Tensor expand_copy(const at::Tensor &self, at::IntArrayRef size, bool implicit=false)
Definition: Functions.h:18737
at::Tensor eye(int64_t n, at::TensorOptions options={})
Definition: Functions.h:3037
at::Tensor & 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)
Definition: Functions.h:1050
void _foreach_addcmul_(at::TensorList self, at::TensorList tensor1, at::TensorList tensor2, const at::Scalar &value=1)
Definition: Functions.h:12108
at::Tensor trace(const at::Tensor &self)
Definition: Functions.h:9908
at::Tensor _is_any_true(const at::Tensor &self)
Definition: Functions.h:632
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:4809
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:12665
at::Tensor 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)
Definition: Functions.h:7036
at::Tensor & acos_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:493
at::Tensor & linalg_matrix_power_out(at::Tensor &out, const at::Tensor &self, int64_t n)
Definition: Functions.h:18501
inline ::std::vector< at::Tensor > unsafe_chunk(const at::Tensor &self, int64_t chunks, int64_t dim=0)
Definition: Functions.h:1443
at::Tensor 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)
Definition: Functions.h:2428
at::Tensor & inner_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:18179
void _cufft_clear_plan_cache(int64_t device_index)
Definition: Functions.h:3617
at::Tensor matrix_exp(const at::Tensor &self)
Definition: Functions.h:4359
at::Tensor & embedding_outf(const at::Tensor &weight, const at::Tensor &indices, int64_t padding_idx, bool scale_grad_by_freq, bool sparse, at::Tensor &out)
Definition: Functions.h:20680
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_slogdet_out(at::Tensor &sign, at::Tensor &logabsdet, const at::Tensor &A)
Definition: Functions.h:18020
at::Tensor nanquantile(const at::Tensor &self, const at::Tensor &q, c10::optional< int64_t > dim=c10::nullopt, bool keepdim=false, c10::string_view interpolation="linear")
Definition: Functions.h:11148
at::Tensor 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)
Definition: Functions.h:1082
at::Tensor & 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)
Definition: Functions.h:20351
const at::Tensor & fft_ihfft2_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::IntArrayRef dim, c10::optional< c10::string_view > norm, const at::Tensor &out)
Definition: Functions.h:17646
at::Tensor _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)
Definition: Functions.h:194
at::Tensor & alias_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25895
at::Tensor & fill_outf(const at::Tensor &self, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:21235
at::Tensor _copy_from_and_resize(const at::Tensor &self, const at::Tensor &dst)
Definition: Functions.h:1882
at::Tensor logcumsumexp(const at::Tensor &self, int64_t dim)
Definition: Functions.h:4265
at::Tensor & flip_outf(const at::Tensor &self, at::IntArrayRef dims, at::Tensor &out)
Definition: Functions.h:22898
inline ::std::vector< at::Tensor > split_copy_symint(const at::Tensor &self, c10::SymInt split_size, int64_t dim=0)
Definition: Functions.h:18846
at::Tensor multiply(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4895
inline ::std::vector< at::Tensor > _foreach_trunc(at::TensorList self)
Definition: Functions.h:12093
at::Tensor upsample_trilinear3d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14576
at::Tensor & adaptive_avg_pool3d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13287
at::Tensor & 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)
Definition: Functions.h:15511
at::Tensor & masked_fill_outf(const at::Tensor &self, const at::Tensor &mask, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:23989
at::Tensor & exp2_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:2999
at::Tensor & hardshrink_outf(const at::Tensor &self, const at::Scalar &lambd, at::Tensor &out)
Definition: Functions.h:6730
at::Tensor blackman_window(int64_t window_length, at::TensorOptions options={})
Definition: Functions.h:1257
at::Tensor & _log_softmax_backward_data_out(at::Tensor &out, const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype)
Definition: Functions.h:4242
at::Tensor & elu_(at::Tensor &self, const at::Scalar &alpha=1, const at::Scalar &scale=1, const at::Scalar &input_scale=1)
Definition: Functions.h:12887
at::Tensor & frac_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:3171
at::Tensor & logspace_out(at::Tensor &out, const at::Scalar &start, const at::Scalar &end, int64_t steps, double base=10.0)
Definition: Functions.h:4195
at::Tensor & threshold_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Scalar &threshold)
Definition: Functions.h:7757
at::Tensor & replication_pad1d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14114
at::Tensor & triu_outf(const at::Tensor &self, int64_t diagonal, at::Tensor &out)
Definition: Functions.h:9866
at::Tensor & 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={})
Definition: Functions.h:2234
at::Tensor & alias_copy_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25891
at::Tensor & logaddexp_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:4106
at::Tensor _sparse_sum_backward(const at::Tensor &grad, const at::Tensor &self, at::IntArrayRef dim)
Definition: Functions.h:8311
at::Tensor & bernoulli_outf(const at::Tensor &self, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:1106
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > mkldnn_linear_backward(const at::Tensor &self, const at::Tensor &grad_output, const at::Tensor &weight, ::std::array< bool, 3 > output_mask)
Definition: Functions.h:3948
at::Tensor & 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)
Definition: Functions.h:21740
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21641
at::Tensor & 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)
Definition: Functions.h:15709
at::Tensor & addcmul_outf(const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:10406
at::Tensor sparse_csr_tensor(const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options)
Definition: Functions.h:8646
at::Tensor & not_equal_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9963
at::Tensor & complex_out(at::Tensor &out, const at::Tensor &real, const at::Tensor &imag)
Definition: Functions.h:1664
at::Tensor & randperm_outf(int64_t n, at::Tensor &out)
Definition: Functions.h:6376
at::Tensor 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)
Definition: Functions.h:12925
at::Tensor & mm_outf(const at::Tensor &self, const at::Tensor &mat2, at::Tensor &out)
Definition: Functions.h:4828
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22070
at::Tensor & special_chebyshev_polynomial_t_out(at::Tensor &out, const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19287
inline ::std::tuple< at::Tensor, at::Tensor > sort(const at::Tensor &self, int64_t dim=-1, bool descending=false)
Definition: Functions.h:11194
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:19984
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21446
at::Tensor ones_like(const at::Tensor &self, at::TensorOptions options={}, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:5272
void _cummin_helper(const at::Tensor &self, at::Tensor &values, at::Tensor &indices, int64_t dim)
Definition: Functions.h:2071
inline ::std::tuple< at::Tensor &, at::Tensor & > max_outf(const at::Tensor &self, int64_t dim, bool keepdim, at::Tensor &max, at::Tensor &max_values)
Definition: Functions.h:4416
at::Tensor tan(const at::Tensor &self)
Definition: Functions.h:7686
at::Tensor & 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)
Definition: Functions.h:15962
at::Tensor & hspmm_out(at::Tensor &out, const at::Tensor &mat1, const at::Tensor &mat2)
Definition: Functions.h:8941
at::Tensor & 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)
Definition: Functions.h:14829
at::Tensor & ones_like_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:22150
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21614
at::Tensor _upsample_bicubic2d_aa_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, bool align_corners, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14620
at::Tensor & 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)
Definition: Functions.h:14862
at::Tensor & threshold_outf(const at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:7752
at::Tensor __lshift__(const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9734
at::Tensor & poisson_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:23172
bool _use_cudnn_rnn_flatten_weight()
Definition: Functions.h:178
void _foreach_sqrt_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24664
at::Tensor & special_logit_outf(const at::Tensor &self, c10::optional< double > eps, at::Tensor &out)
Definition: Functions.h:17342
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:25953
at::Tensor & q_per_channel_zero_points_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23692
inline ::std::vector< at::Tensor > _foreach_log(at::TensorList self)
Definition: Functions.h:11953
at::Tensor & lift_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:23967
at::Tensor & new_ones_symint_outf(const at::Tensor &self, c10::SymIntArrayRef size, at::Tensor &out)
Definition: Functions.h:21060
at::Tensor & 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)
Definition: Functions.h:18267
at::Tensor logit_backward(const at::Tensor &grad_output, const at::Tensor &self, c10::optional< double > eps=c10::nullopt)
Definition: Functions.h:16370
at::Tensor & nuclear_norm_out(at::Tensor &out, const at::Tensor &self, bool keepdim=false)
Definition: Functions.h:8470
at::Tensor & round_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:6615
at::Tensor fft_hfftn(const at::Tensor &self, at::OptionalIntArrayRef s=c10::nullopt, at::OptionalIntArrayRef dim=c10::nullopt, c10::optional< c10::string_view > norm=c10::nullopt)
Definition: Functions.h:17707
at::Tensor & to_sparse_bsc_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef blocksize, c10::optional< int64_t > dense_dim=c10::nullopt)
Definition: Functions.h:23584
at::Tensor view_as_real_copy(const at::Tensor &self)
Definition: Functions.h:18685
at::Tensor _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)
Definition: Functions.h:2794
at::Tensor & amin_outf(const at::Tensor &self, at::IntArrayRef dim, bool keepdim, at::Tensor &out)
Definition: Functions.h:4676
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:20771
at::Tensor & 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)
Definition: Functions.h:20735
at::Tensor resize(const at::Tensor &self, at::IntArrayRef size, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:21133
at::Tensor ceil(const at::Tensor &self)
Definition: Functions.h:1410
at::Tensor & __lshift___outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:24088
at::Tensor & special_spherical_bessel_j0_out(at::Tensor &out, const at::Tensor &x)
Definition: Functions.h:19865
bool __dispatch_is_inference(const at::Tensor &self)
Definition: Functions.h:3777
void _foreach_log10_(at::TensorList self)
Definition: Functions.h:11968
at::Tensor l1_loss(const at::Tensor &self, const at::Tensor &target, int64_t reduction=at::Reduction::Mean)
Definition: Functions.h:12282
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:18305
at::Tensor reflection_pad3d_backward(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:14015
at::Tensor & norm_outf(const at::Tensor &self, const c10::optional< at::Scalar > &p, at::IntArrayRef dim, bool keepdim, at::ScalarType dtype, at::Tensor &out)
Definition: Functions.h:8395
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _linalg_det_out(at::Tensor &result, at::Tensor &LU, at::Tensor &pivots, const at::Tensor &A)
Definition: Functions.h:17884
at::Tensor upsample_nearest1d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14642
at::Tensor special_log_ndtr(const at::Tensor &self)
Definition: Functions.h:16997
at::Tensor & 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)
Definition: Functions.h:12343
at::Tensor & 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)
Definition: Functions.h:21792
at::Tensor 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)
Definition: Functions.h:15005
at::Tensor & _sparse_coo_tensor_with_dims_out(at::Tensor &out, int64_t sparse_dim, int64_t dense_dim, at::IntArrayRef size)
Definition: Functions.h:23403
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > unique_consecutive(const at::Tensor &self, bool return_inverse=false, bool return_counts=false, c10::optional< int64_t > dim=c10::nullopt)
Definition: Functions.h:7944
at::Tensor & fft_ifftn_outf(const at::Tensor &self, at::OptionalIntArrayRef s, at::OptionalIntArrayRef dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17674
at::Tensor 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)
Definition: Functions.h:7447
at::Tensor _sparse_broadcast_to_copy(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:18727
at::Tensor chain_matmul(at::TensorList matrices)
Definition: Functions.h:1429
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22043
at::Tensor & logical_and_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:1238
at::Tensor softplus(const at::Tensor &self, const at::Scalar &beta=1, const at::Scalar &threshold=20)
Definition: Functions.h:13128
at::Tensor combinations(const at::Tensor &self, int64_t r=2, bool with_replacement=false)
Definition: Functions.h:9169
at::Tensor cosine_similarity(const at::Tensor &x1, const at::Tensor &x2, int64_t dim=1, double eps=1e-08)
Definition: Functions.h:5321
at::Tensor _nested_select_backward(const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:6822
at::Tensor _efficientzerotensor(at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8145
at::Tensor & _test_autograd_multiple_dispatch_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:25348
at::Tensor _resize_output(const at::Tensor &self, at::IntArrayRef size, at::Device device)
Definition: Functions.h:21164
inline ::std::vector< at::Tensor > _foreach_log2(at::TensorList self)
Definition: Functions.h:11983
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > linalg_lstsq(const at::Tensor &self, const at::Tensor &b, c10::optional< double > rcond=c10::nullopt, c10::optional< c10::string_view > driver=c10::nullopt)
Definition: Functions.h:17954
at::Tensor & chain_matmul_out(at::Tensor &out, at::TensorList matrices)
Definition: Functions.h:1434
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:2516
at::Tensor & rsqrt_(at::Tensor &self)
Definition: Functions.h:6759
at::Tensor _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)
Definition: Functions.h:4681
at::Tensor lift_fresh_copy(const at::Tensor &self)
Definition: Functions.h:9404
at::Tensor & tanh_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:7715
at::Tensor & i0_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10730
inline ::std::tuple< at::Tensor, at::Tensor > adaptive_max_pool3d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13426
at::Tensor amax(const at::Tensor &self, at::IntArrayRef dim={}, bool keepdim=false)
Definition: Functions.h:4457
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > unique_dim(const at::Tensor &self, int64_t dim, bool sorted=true, bool return_inverse=false, bool return_counts=false)
Definition: Functions.h:7939
at::Tensor outer(const at::Tensor &self, const at::Tensor &vec2)
Definition: Functions.h:18188
at::Tensor & threshold_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &threshold, const at::Scalar &value)
Definition: Functions.h:7748
at::Tensor & t_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25734
at::Tensor & floor_(at::Tensor &self)
Definition: Functions.h:3128
at::Tensor 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)
Definition: Functions.h:6643
inline ::std::tuple< at::Tensor &, at::Tensor & > cummax_outf(const at::Tensor &self, int64_t dim, at::Tensor &values, at::Tensor &indices)
Definition: Functions.h:2019
at::Tensor & softshrink_outf(const at::Tensor &self, const at::Scalar &lambd, at::Tensor &out)
Definition: Functions.h:13151
at::Tensor & hardtanh_(at::Tensor &self, const at::Scalar &min_val=-1, const at::Scalar &max_val=1)
Definition: Functions.h:12991
at::Tensor & replication_pad2d_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding, at::Tensor &grad_input)
Definition: Functions.h:14246
at::Tensor & channel_shuffle_outf(const at::Tensor &self, int64_t groups, at::Tensor &out)
Definition: Functions.h:22226
inline ::std::tuple< at::Tensor &, at::Tensor & > native_dropout_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &input, double p, c10::optional< bool > train)
Definition: Functions.h:20066
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:4686
at::Tensor bincount(const at::Tensor &self, const c10::optional< at::Tensor > &weights={}, int64_t minlength=0)
Definition: Functions.h:1154
at::Tensor & lerp_outf(const at::Tensor &self, const at::Tensor &end, const at::Scalar &weight, at::Tensor &out)
Definition: Functions.h:10804
void _foreach_neg_(at::TensorList self)
Definition: Functions.h:11998
at::Tensor & _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)
Definition: Functions.h:16535
at::Tensor & 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)
Definition: Functions.h:23611
void _foreach_mul_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11603
at::Tensor & to_mkldnn_outf(const at::Tensor &self, c10::optional< at::ScalarType > dtype, at::Tensor &out)
Definition: Functions.h:23597
inline ::std::vector< at::Tensor > split_with_sizes_copy_symint(const at::Tensor &self, c10::SymIntArrayRef split_sizes, int64_t dim=0)
Definition: Functions.h:18868
void _foreach_abs_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24673
at::Tensor & _sample_dirichlet_out(at::Tensor &out, const at::Tensor &self, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:23163
at::Tensor ccol_indices_copy(const at::Tensor &self)
Definition: Functions.h:18939
void _foreach_atan_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24696
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > _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)
Definition: Functions.h:19167
at::Tensor resize_as(const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:23325
at::Tensor & expand_copy_outf(const at::Tensor &self, at::IntArrayRef size, bool implicit, at::Tensor &out)
Definition: Functions.h:25520
at::Tensor mm(const at::Tensor &self, const at::Tensor &mat2)
Definition: Functions.h:4819
at::Tensor & 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)
Definition: Functions.h:15720
at::Tensor special_modified_bessel_k1(const at::Tensor &self)
Definition: Functions.h:19650
inline ::std::tuple< at::Tensor &, at::Tensor & > adaptive_max_pool3d_out(at::Tensor &out, at::Tensor &indices, const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13417
at::Tensor _sparse_csr_sum(const at::Tensor &self, at::IntArrayRef dim, bool keepdim=false, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:8316
inline ::std::tuple< at::Tensor &, at::Tensor & > _weight_norm_interface_out(at::Tensor &out0, at::Tensor &out1, const at::Tensor &v, const at::Tensor &g, int64_t dim=0)
Definition: Functions.h:23091
void _foreach_ceil_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24705
at::Tensor & 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)
Definition: Functions.h:13575
at::Tensor & _log_softmax_backward_data_outf(const at::Tensor &grad_output, const at::Tensor &output, int64_t dim, at::ScalarType input_dtype, at::Tensor &out)
Definition: Functions.h:4246
at::Tensor & sin_(at::Tensor &self)
Definition: Functions.h:6964
at::Tensor & fix_(at::Tensor &self)
Definition: Functions.h:7915
at::Tensor & cumprod_out(at::Tensor &out, const at::Tensor &self, int64_t dim, c10::optional< at::ScalarType > dtype=c10::nullopt)
Definition: Functions.h:2086
at::Tensor view_copy(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:19051
at::Tensor scatter_add(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src)
Definition: Functions.h:9572
void _foreach_frac_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24867
at::Tensor & cauchy_outf(const at::Tensor &self, double median, double sigma, c10::optional< at::Generator > generator, at::Tensor &out)
Definition: Functions.h:24198
at::Tensor & _masked_scale_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &mask, double scale)
Definition: Functions.h:20057
void _validate_sparse_bsr_tensor_args(const at::Tensor &crow_indices, const at::Tensor &col_indices, const at::Tensor &values, at::IntArrayRef size)
Definition: Functions.h:8863
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:22052
at::Tensor crow_indices_copy(const at::Tensor &self)
Definition: Functions.h:18929
at::Tensor 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={})
Definition: Functions.h:9309
at::Tensor & abs_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:363
at::Tensor _nested_select_backward_symint(const at::Tensor &grad_output, const at::Tensor &self, int64_t dim, c10::SymInt index)
Definition: Functions.h:6833
at::Tensor & col_indices_copy_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:25806
at::Tensor special_multigammaln(const at::Tensor &self, int64_t p)
Definition: Functions.h:17464
void _foreach_div_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11613
at::Tensor select_symint(const at::Tensor &self, int64_t dim, c10::SymInt index)
Definition: Functions.h:6789
at::Tensor & argsort_outf(const at::Tensor &self, bool stable, int64_t dim, bool descending, at::Tensor &out)
Definition: Functions.h:24335
at::Tensor & sinh_(at::Tensor &self)
Definition: Functions.h:7002
at::Tensor sparse_resize(const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim)
Definition: Functions.h:23465
at::Tensor _sparse_coo_tensor_unsafe(const at::Tensor &indices, const at::Tensor &values, at::IntArrayRef size, at::TensorOptions options={})
Definition: Functions.h:8799
inline ::std::tuple< at::Tensor &, at::Tensor & > var_mean_outf(const at::Tensor &self, at::OptionalIntArrayRef dim, c10::optional< int64_t > correction, bool keepdim, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:23086
at::Tensor & linalg_cholesky_outf(const at::Tensor &self, bool upper, at::Tensor &out)
Definition: Functions.h:17804
at::Tensor & from_file_out(at::Tensor &out, c10::string_view filename, c10::optional< bool > shared=c10::nullopt, c10::optional< int64_t > size=0)
Definition: Functions.h:21267
at::Tensor & 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)
Definition: Functions.h:13571
inline ::std::tuple< at::Tensor &, at::Tensor & > linalg_eigh_out(at::Tensor &eigvals, at::Tensor &eigvecs, const at::Tensor &self, c10::string_view UPLO="L")
Definition: Functions.h:18095
at::Tensor silu_backward(const at::Tensor &grad_output, const at::Tensor &self)
Definition: Functions.h:6892
at::Tensor special_i1e(const at::Tensor &self)
Definition: Functions.h:17319
at::Tensor special_spherical_bessel_j0(const at::Tensor &x)
Definition: Functions.h:19860
at::Tensor isin(const at::Tensor &elements, const at::Tensor &test_elements, bool assume_unique=false, bool invert=false)
Definition: Functions.h:3689
at::Tensor & eq_out(at::Tensor &out, const at::Tensor &self, const at::Scalar &other)
Definition: Functions.h:9991
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23741
at::Tensor & row_stack_out(at::Tensor &out, at::TensorList tensors)
Definition: Functions.h:2497
at::Tensor gcd(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3304
at::Tensor value_selecting_reduction_backward_symint(const at::Tensor &grad, int64_t dim, const at::Tensor &indices, c10::SymIntArrayRef sizes, bool keepdim)
Definition: Functions.h:4446
at::Tensor addcmul(const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1)
Definition: Functions.h:10411
at::Tensor & 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)
Definition: Functions.h:18230
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23841
at::Tensor & im2col_outf(const at::Tensor &self, at::IntArrayRef kernel_size, at::IntArrayRef dilation, at::IntArrayRef padding, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:16911
at::Tensor 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)
Definition: Functions.h:16794
at::Tensor sspaddmm(const at::Tensor &self, const at::Tensor &mat1, const at::Tensor &mat2, const at::Scalar &beta=1, const at::Scalar &alpha=1)
Definition: Functions.h:7363
at::Tensor & clamp_max_outf(const at::Tensor &self, const at::Scalar &max, at::Tensor &out)
Definition: Functions.h:1564
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13557
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:22925
at::Tensor & arctan2_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:10791
at::Tensor _triton_scaled_dot_attention(const at::Tensor &q, const at::Tensor &k, const at::Tensor &v, double dropout_p=0.0)
Definition: Functions.h:19182
at::Tensor & _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)
Definition: Functions.h:25975
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21856
inline ::std::tuple< at::Tensor, at::Tensor > qr(const at::Tensor &self, bool some=true)
Definition: Functions.h:10570
at::Tensor & upsample_linear1d_outf(const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales, at::Tensor &out)
Definition: Functions.h:14774
inline ::std::tuple< at::Tensor &, at::Tensor & > _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)
Definition: Functions.h:23100
const at::Tensor & sparse_resize_out(const at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, int64_t sparse_dim, int64_t dense_dim)
Definition: Functions.h:23456
at::Tensor add(const at::Tensor &self, const at::Tensor &other, const at::Scalar &alpha=1)
Definition: Functions.h:536
at::Tensor & isposinf_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:16940
at::Tensor & max_unpool2d_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &indices, at::IntArrayRef output_size)
Definition: Functions.h:13613
at::Tensor & 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)
Definition: Functions.h:17698
at::Tensor narrow_copy(const at::Tensor &self, int64_t dim, int64_t start, int64_t length)
Definition: Functions.h:4942
at::Tensor arcsinh(const at::Tensor &self)
Definition: Functions.h:838
at::Tensor & reflection_pad1d_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, at::IntArrayRef padding)
Definition: Functions.h:13707
at::Tensor _compute_linear_combination(const at::Tensor &input, const at::Tensor &coefficients)
Definition: Functions.h:4393
at::Tensor & linalg_matmul_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:17973
at::Tensor grid_sampler_2d(const at::Tensor &input, const at::Tensor &grid, int64_t interpolation_mode, int64_t padding_mode, bool align_corners)
Definition: Functions.h:3338
at::Tensor & constant_pad_nd_outf(const at::Tensor &self, at::IntArrayRef pad, const at::Scalar &value, at::Tensor &out)
Definition: Functions.h:20226
void _foreach_cos_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24718
inline ::std::tuple< at::Tensor &, at::Tensor & > aminmax_outf(const at::Tensor &self, c10::optional< int64_t > dim, bool keepdim, at::Tensor &min, at::Tensor &max)
Definition: Functions.h:4388
at::Tensor & select_copy_out(at::Tensor &out, const at::Tensor &self, int64_t dim, int64_t index)
Definition: Functions.h:25606
at::Tensor 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)
Definition: Functions.h:17553
at::Tensor & 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)
Definition: Functions.h:12379
at::Tensor & _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)
Definition: Functions.h:22097
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:2506
at::Tensor & erfinv_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:10711
at::Tensor 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)
Definition: Functions.h:3895
at::Tensor & cos_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:1897
at::Tensor & expand_copy_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, bool implicit=false)
Definition: Functions.h:25509
at::Tensor permute(const at::Tensor &self, at::IntArrayRef dims)
Definition: Functions.h:5326
at::Tensor & neg_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:6464
void _foreach_reciprocal_(at::TensorList self)
Definition: Functions.h:12078
at::Tensor sinh(const at::Tensor &self)
Definition: Functions.h:6997
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21468
at::Tensor & count_nonzero_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef dim)
Definition: Functions.h:20445
at::Tensor isreal(const at::Tensor &self)
Definition: Functions.h:3757
at::Tensor & fft_ihfft_outf(const at::Tensor &self, c10::optional< int64_t > n, int64_t dim, c10::optional< c10::string_view > norm, at::Tensor &out)
Definition: Functions.h:17562
at::Tensor kron(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:3787
at::Tensor & mkldnn_linear_backward_input_outf(at::IntArrayRef input_size, const at::Tensor &grad_output, const at::Tensor &weight, at::Tensor &out)
Definition: Functions.h:21632
at::Tensor & vdot_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:2392
at::Tensor & log_sigmoid_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &self, const at::Tensor &buffer)
Definition: Functions.h:13081
at::Tensor index_fill(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Scalar &value)
Definition: Functions.h:9486
at::Tensor _cholesky_solve_helper(const at::Tensor &self, const at::Tensor &A, bool upper)
Definition: Functions.h:10542
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor &, at::Tensor & > _linalg_slogdet_out(at::Tensor &sign, at::Tensor &logabsdet, at::Tensor &LU, at::Tensor &pivots, const at::Tensor &A)
Definition: Functions.h:18006
at::Tensor special_round(const at::Tensor &self, int64_t decimals=0)
Definition: Functions.h:17403
at::Tensor & smooth_l1_loss_outf(const at::Tensor &self, const at::Tensor &target, int64_t reduction, double beta, at::Tensor &out)
Definition: Functions.h:12779
at::Tensor & _compute_linear_combination_outf(const at::Tensor &input, const at::Tensor &coefficients, at::Tensor &out)
Definition: Functions.h:4402
at::Tensor & fill_(at::Tensor &self, const at::Scalar &value)
Definition: Functions.h:3113
at::Tensor 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)
Definition: Functions.h:10430
at::Tensor & greater_equal_outf(const at::Tensor &self, const at::Scalar &other, at::Tensor &out)
Definition: Functions.h:10051
at::Tensor special_bessel_y0(const at::Tensor &self)
Definition: Functions.h:19244
at::Tensor 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)
Definition: Functions.h:2152
at::Tensor & _log_softmax_out(at::Tensor &out, const at::Tensor &self, int64_t dim, bool half_to_float)
Definition: Functions.h:4228
at::Tensor mv(const at::Tensor &self, const at::Tensor &vec)
Definition: Functions.h:4914
at::Tensor _unsafe_view(const at::Tensor &self, at::IntArrayRef size)
Definition: Functions.h:7959
void _foreach_floor_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24759
at::Tensor & 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)
Definition: Functions.h:13487
at::Tensor & sparse_coo_tensor_outf(at::IntArrayRef size, at::Tensor &out)
Definition: Functions.h:23398
at::Tensor & 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)
Definition: Functions.h:20724
at::Tensor & empty_quantized_outf(at::IntArrayRef size, const at::Tensor &qtensor, c10::optional< at::MemoryFormat > memory_format, at::Tensor &out)
Definition: Functions.h:21173
at::Tensor & 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)
Definition: Functions.h:18519
at::Tensor & 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)
Definition: Functions.h:25029
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > linalg_lu(const at::Tensor &A, bool pivot=true)
Definition: Functions.h:17851
inline ::std::vector< at::Tensor > _foreach_abs(at::TensorList self)
Definition: Functions.h:11843
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > _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={})
Definition: Functions.h:23814
at::Tensor & addcmul_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &tensor1, const at::Tensor &tensor2, const at::Scalar &value=1)
Definition: Functions.h:10402
at::Tensor & set_symint_out(at::Tensor &out, const at::Tensor &self, at::Storage source, c10::SymInt storage_offset, c10::SymIntArrayRef size, c10::SymIntArrayRef stride={})
Definition: Functions.h:23895
at::Tensor & scatter_out(at::Tensor &out, const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src)
Definition: Functions.h:9511
at::Tensor & tanh_backward_out(at::Tensor &grad_input, const at::Tensor &grad_output, const at::Tensor &output)
Definition: Functions.h:16375
inline ::std::tuple< at::Tensor, at::Tensor > _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)
Definition: Functions.h:8604
at::Tensor bitwise_left_shift(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9744
at::Tensor & 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)
Definition: Functions.h:17670
at::Tensor _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)
Definition: Functions.h:19107
at::Tensor 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)
Definition: Functions.h:14884
inline ::std::tuple< at::Tensor, at::Tensor > 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)
Definition: Functions.h:9284
at::Tensor & cholesky_solve_outf(const at::Tensor &self, const at::Tensor &input2, bool upper, at::Tensor &out)
Definition: Functions.h:10532
at::Tensor 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)
Definition: Functions.h:7080
at::Tensor special_chebyshev_polynomial_t(const at::Tensor &x, const at::Tensor &n)
Definition: Functions.h:19272
at::Tensor & _mkldnn_transpose_outf(const at::Tensor &self, int64_t dim0, int64_t dim1, at::Tensor &out)
Definition: Functions.h:22889
at::Tensor special_scaled_modified_bessel_k1(const at::Tensor &x)
Definition: Functions.h:19678
at::Tensor & 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)
Definition: Functions.h:21861
at::Tensor 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)
Definition: Functions.h:1149
const at::Tensor & resize_as_(const at::Tensor &self, const at::Tensor &the_template, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:8503
at::Tensor upsample_nearest3d_symint(const at::Tensor &input, at::OptionalSymIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14730
at::Tensor & _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)
Definition: Functions.h:22130
void _foreach_lerp_(at::TensorList self, at::TensorList tensors1, at::TensorList weights)
Definition: Functions.h:12173
inline ::std::tuple< at::Tensor, at::Tensor > fake_quantize_per_tensor_affine_cachemask(const at::Tensor &self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max)
Definition: Functions.h:9070
inline ::std::tuple< at::Tensor, at::Tensor, at::Tensor > 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)
Definition: Functions.h:1731
at::Tensor scatter(const at::Tensor &self, int64_t dim, const at::Tensor &index, const at::Tensor &src)
Definition: Functions.h:9506
at::Tensor & logcumsumexp_out(at::Tensor &out, const at::Tensor &self, int64_t dim)
Definition: Functions.h:4270
at::Tensor cov(const at::Tensor &self, int64_t correction=1, const c10::optional< at::Tensor > &fweights={}, const c10::optional< at::Tensor > &aweights={})
Definition: Functions.h:1940
at::Tensor & _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)
Definition: Functions.h:16028
at::Tensor & as_strided_copy_outf(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, c10::optional< int64_t > storage_offset, at::Tensor &out)
Definition: Functions.h:25458
at::Tensor & 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)
Definition: Functions.h:21700
at::Tensor & cat_outf(const at::ITensorListRef &tensors, int64_t dim, at::Tensor &out)
Definition: Functions.h:1330
at::Tensor & normal_out(at::Tensor &out, const at::Tensor &mean, double std=1, c10::optional< at::Generator > generator=c10::nullopt)
Definition: Functions.h:11433
at::Tensor empty_strided_symint(c10::SymIntArrayRef size, c10::SymIntArrayRef stride, at::TensorOptions options={})
Definition: Functions.h:2906
void _foreach_exp_out(at::TensorList out, at::TensorList self)
Definition: Functions.h:24637
at::Tensor & special_erfcx_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17114
at::Tensor & to_sparse_csr_outf(const at::Tensor &self, c10::optional< int64_t > dense_dim, at::Tensor &out)
Definition: Functions.h:23561
at::Tensor & erfc_(at::Tensor &self)
Definition: Functions.h:2952
at::Tensor & fmax_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:11046
void _foreach_expm1_outf(at::TensorList self, at::TensorList out)
Definition: Functions.h:24754
void _foreach_add_(at::TensorList self, const at::Scalar &scalar)
Definition: Functions.h:11583
at::Tensor & ger_out(at::Tensor &out, const at::Tensor &self, const at::Tensor &vec2)
Definition: Functions.h:18207
at::Tensor _to_copy(const at::Tensor &self, at::TensorOptions options={}, bool non_blocking=false, c10::optional< at::MemoryFormat > memory_format=c10::nullopt)
Definition: Functions.h:9145
at::Tensor _upsample_nearest_exact1d(const at::Tensor &input, at::OptionalIntArrayRef output_size, c10::optional< at::ArrayRef< double > > scale_factors)
Definition: Functions.h:14653
at::Tensor fake_quantize_per_tensor_affine(const at::Tensor &self, double scale, int64_t zero_point, int64_t quant_min, int64_t quant_max)
Definition: Functions.h:9060
at::Tensor 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)
Definition: Functions.h:13454
at::Tensor _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)
Definition: Functions.h:16618
at::Tensor 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)
Definition: Functions.h:16050
at::Tensor mkldnn_adaptive_avg_pool2d(const at::Tensor &self, at::IntArrayRef output_size)
Definition: Functions.h:13241
at::Tensor 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)
Definition: Functions.h:13580
inline ::std::tuple< at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:13589
at::Tensor _weight_norm(const at::Tensor &v, const at::Tensor &g, int64_t dim=0)
Definition: Functions.h:8116
at::Tensor & glu_jvp_outf(const at::Tensor &glu, const at::Tensor &x, const at::Tensor &dx, int64_t dim, at::Tensor &out)
Definition: Functions.h:25006
at::Tensor & _sparse_log_softmax_outf(const at::Tensor &self, int64_t dim, bool half_to_float, at::Tensor &out)
Definition: Functions.h:23266
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21413
at::Tensor & 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)
Definition: Functions.h:8589
at::Tensor & msort_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:11232
at::Tensor bitwise_right_shift(const at::Tensor &self, const at::Tensor &other)
Definition: Functions.h:9787
at::Tensor dstack(at::TensorList tensors)
Definition: Functions.h:7433
at::Tensor & unsqueeze_copy_outf(const at::Tensor &self, int64_t dim, at::Tensor &out)
Definition: Functions.h:25752
at::Tensor pow(const at::Tensor &self, const at::Tensor &exponent)
Definition: Functions.h:11353
at::Tensor & gelu_backward_outf(const at::Tensor &grad_output, const at::Tensor &self, c10::string_view approximate, at::Tensor &grad_input)
Definition: Functions.h:6711
at::Tensor 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)
Definition: Functions.h:4481
inline ::std::tuple< at::Tensor &, at::Tensor & > batch_norm_stats_outf(const at::Tensor &input, double eps, at::Tensor &out0, at::Tensor &out1)
Definition: Functions.h:22038
inline ::std::tuple< at::Tensor &, at::Tensor & > max_out(at::Tensor &max, at::Tensor &max_values, const at::Tensor &self, int64_t dim, bool keepdim=false)
Definition: Functions.h:4412
at::Tensor & new_empty_strided_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride)
Definition: Functions.h:20895
at::Tensor 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)
Definition: Functions.h:3840
at::Tensor & upsample_linear1d_out(at::Tensor &out, const at::Tensor &self, at::IntArrayRef output_size, bool align_corners, c10::optional< double > scales=c10::nullopt)
Definition: Functions.h:14763
at::Tensor & arccos_(at::Tensor &self)
Definition: Functions.h:507
at::Tensor cumprod_backward(const at::Tensor &grad, const at::Tensor &input, int64_t dim, const at::Tensor &output)
Definition: Functions.h:2109
at::Tensor & special_expit_out(at::Tensor &out, const at::Tensor &self)
Definition: Functions.h:17380
at::Tensor & affine_grid_generator_out(at::Tensor &out, const at::Tensor &theta, at::IntArrayRef size, bool align_corners)
Definition: Functions.h:20111
at::Tensor polygamma(int64_t n, const at::Tensor &self)
Definition: Functions.h:10701
at::Tensor & logaddexp_outf(const at::Tensor &self, const at::Tensor &other, at::Tensor &out)
Definition: Functions.h:4110
at::Tensor & special_log_ndtr_outf(const at::Tensor &self, at::Tensor &out)
Definition: Functions.h:17006
at::Tensor & diagonal_scatter_outf(const at::Tensor &self, const at::Tensor &src, int64_t offset, int64_t dim1, int64_t dim2, at::Tensor &out)
Definition: Functions.h:22721
at::Tensor & new_empty_strided_outf(const at::Tensor &self, at::IntArrayRef size, at::IntArrayRef stride, at::Tensor &out)
Definition: Functions.h:20906
inline ::std::tuple< at::Tensor &, at::Tensor &, at::Tensor & > 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)
Definition: Functions.h:21555
constexpr nullopt_t nullopt
Definition: Optional.h:163
constexpr optional< typename std::decay< T >::type > make_optional(T &&v)
Definition: Optional.h:1223