1#pragma once
2
3// @generated by torchgen/gen.py from aten_interned_strings.h
4
5#if defined(TORCH_ASSERT_NO_OPERATORS) || defined(TORCH_ASSERT_ONLY_METHOD_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 including <ATen/core/symbol.h> for \
9 the c10::Symbol class would be sufficient, or if your change would be \
10 better placed in another file.
11#endif
12
13// ATen symbols correspond exactly to operators defined in ATen. Every
14// symbol here corresponds exactly to an ATen operation defined in
15// native_functions.yaml; attributes are in one-to-one correspondence
16// with their ATen name.
17
18#define FORALL_ATEN_BASE_SYMBOLS(_) \
19_(aten, __and__) \
20_(aten, __iand__) \
21_(aten, __ilshift__) \
22_(aten, __ior__) \
23_(aten, __irshift__) \
24_(aten, __ixor__) \
25_(aten, __lshift__) \
26_(aten, __or__) \
27_(aten, __rshift__) \
28_(aten, __xor__) \
29_(aten, _adaptive_avg_pool2d) \
30_(aten, _adaptive_avg_pool2d_backward) \
31_(aten, _adaptive_avg_pool3d) \
32_(aten, _adaptive_avg_pool3d_backward) \
33_(aten, _add_batch_dim) \
34_(aten, _add_relu) \
35_(aten, _add_relu_) \
36_(aten, _addmm_activation) \
37_(aten, _aminmax) \
38_(aten, _amp_foreach_non_finite_check_and_unscale) \
39_(aten, _amp_foreach_non_finite_check_and_unscale_) \
40_(aten, _amp_update_scale) \
41_(aten, _amp_update_scale_) \
42_(aten, _assert_async) \
43_(aten, _assert_tensor_metadata) \
44_(aten, _autocast_to_full_precision) \
45_(aten, _autocast_to_reduced_precision) \
46_(aten, _backward) \
47_(aten, _batch_norm_impl_index) \
48_(aten, _batch_norm_impl_index_backward) \
49_(aten, _cast_Byte) \
50_(aten, _cast_Char) \
51_(aten, _cast_Double) \
52_(aten, _cast_Float) \
53_(aten, _cast_Half) \
54_(aten, _cast_Int) \
55_(aten, _cast_Long) \
56_(aten, _cast_Short) \
57_(aten, _cdist_backward) \
58_(aten, _cdist_forward) \
59_(aten, _cholesky_solve_helper) \
60_(aten, _choose_qparams_per_tensor) \
61_(aten, _chunk_grad_outputs_efficient_attention) \
62_(aten, _coalesce) \
63_(aten, _coalesced) \
64_(aten, _coalesced_) \
65_(aten, _compute_linear_combination) \
66_(aten, _conj) \
67_(aten, _conj_copy) \
68_(aten, _conj_physical) \
69_(aten, _conv_depthwise2d) \
70_(aten, _convert_indices_from_coo_to_csr) \
71_(aten, _convert_indices_from_csr_to_coo) \
72_(aten, _convolution) \
73_(aten, _convolution_double_backward) \
74_(aten, _convolution_mode) \
75_(aten, _copy_from) \
76_(aten, _copy_from_and_resize) \
77_(aten, _ctc_loss) \
78_(aten, _ctc_loss_backward) \
79_(aten, _cudnn_ctc_loss) \
80_(aten, _cudnn_init_dropout_state) \
81_(aten, _cudnn_rnn) \
82_(aten, _cudnn_rnn_backward) \
83_(aten, _cudnn_rnn_flatten_weight) \
84_(aten, _cufft_clear_plan_cache) \
85_(aten, _cufft_get_plan_cache_max_size) \
86_(aten, _cufft_get_plan_cache_size) \
87_(aten, _cufft_set_plan_cache_max_size) \
88_(aten, _cummax_helper) \
89_(aten, _cummin_helper) \
90_(aten, _debug_has_internal_overlap) \
91_(aten, _dimI) \
92_(aten, _dimV) \
93_(aten, _dim_arange) \
94_(aten, _dirichlet_grad) \
95_(aten, _efficient_attention_backward) \
96_(aten, _efficient_attention_forward) \
97_(aten, _efficientzerotensor) \
98_(aten, _embedding_bag) \
99_(aten, _embedding_bag_backward) \
100_(aten, _embedding_bag_dense_backward) \
101_(aten, _embedding_bag_forward_only) \
102_(aten, _embedding_bag_per_sample_weights_backward) \
103_(aten, _embedding_bag_sparse_backward) \
104_(aten, _empty_affine_quantized) \
105_(aten, _empty_per_channel_affine_quantized) \
106_(aten, _euclidean_dist) \
107_(aten, _fake_quantize_learnable_per_channel_affine) \
108_(aten, _fake_quantize_learnable_per_channel_affine_backward) \
109_(aten, _fake_quantize_learnable_per_tensor_affine) \
110_(aten, _fake_quantize_learnable_per_tensor_affine_backward) \
111_(aten, _fake_quantize_per_tensor_affine_cachemask_tensor_qparams) \
112_(aten, _fft_c2c) \
113_(aten, _fft_c2r) \
114_(aten, _fft_r2c) \
115_(aten, _flash_attention_backward) \
116_(aten, _flash_attention_forward) \
117_(aten, _foobar) \
118_(aten, _foreach_abs) \
119_(aten, _foreach_abs_) \
120_(aten, _foreach_acos) \
121_(aten, _foreach_acos_) \
122_(aten, _foreach_add) \
123_(aten, _foreach_add_) \
124_(aten, _foreach_addcdiv) \
125_(aten, _foreach_addcdiv_) \
126_(aten, _foreach_addcmul) \
127_(aten, _foreach_addcmul_) \
128_(aten, _foreach_asin) \
129_(aten, _foreach_asin_) \
130_(aten, _foreach_atan) \
131_(aten, _foreach_atan_) \
132_(aten, _foreach_ceil) \
133_(aten, _foreach_ceil_) \
134_(aten, _foreach_clamp_max) \
135_(aten, _foreach_clamp_max_) \
136_(aten, _foreach_clamp_min) \
137_(aten, _foreach_clamp_min_) \
138_(aten, _foreach_cos) \
139_(aten, _foreach_cos_) \
140_(aten, _foreach_cosh) \
141_(aten, _foreach_cosh_) \
142_(aten, _foreach_div) \
143_(aten, _foreach_div_) \
144_(aten, _foreach_erf) \
145_(aten, _foreach_erf_) \
146_(aten, _foreach_erfc) \
147_(aten, _foreach_erfc_) \
148_(aten, _foreach_exp) \
149_(aten, _foreach_exp_) \
150_(aten, _foreach_expm1) \
151_(aten, _foreach_expm1_) \
152_(aten, _foreach_floor) \
153_(aten, _foreach_floor_) \
154_(aten, _foreach_frac) \
155_(aten, _foreach_frac_) \
156_(aten, _foreach_lerp) \
157_(aten, _foreach_lerp_) \
158_(aten, _foreach_lgamma) \
159_(aten, _foreach_lgamma_) \
160_(aten, _foreach_log) \
161_(aten, _foreach_log10) \
162_(aten, _foreach_log10_) \
163_(aten, _foreach_log1p) \
164_(aten, _foreach_log1p_) \
165_(aten, _foreach_log2) \
166_(aten, _foreach_log2_) \
167_(aten, _foreach_log_) \
168_(aten, _foreach_maximum) \
169_(aten, _foreach_maximum_) \
170_(aten, _foreach_minimum) \
171_(aten, _foreach_minimum_) \
172_(aten, _foreach_mul) \
173_(aten, _foreach_mul_) \
174_(aten, _foreach_neg) \
175_(aten, _foreach_neg_) \
176_(aten, _foreach_norm) \
177_(aten, _foreach_reciprocal) \
178_(aten, _foreach_reciprocal_) \
179_(aten, _foreach_round) \
180_(aten, _foreach_round_) \
181_(aten, _foreach_sigmoid) \
182_(aten, _foreach_sigmoid_) \
183_(aten, _foreach_sin) \
184_(aten, _foreach_sin_) \
185_(aten, _foreach_sinh) \
186_(aten, _foreach_sinh_) \
187_(aten, _foreach_sqrt) \
188_(aten, _foreach_sqrt_) \
189_(aten, _foreach_sub) \
190_(aten, _foreach_sub_) \
191_(aten, _foreach_tan) \
192_(aten, _foreach_tan_) \
193_(aten, _foreach_tanh) \
194_(aten, _foreach_tanh_) \
195_(aten, _foreach_trunc) \
196_(aten, _foreach_trunc_) \
197_(aten, _foreach_zero) \
198_(aten, _foreach_zero_) \
199_(aten, _fused_adam) \
200_(aten, _fused_adam_) \
201_(aten, _fused_adamw) \
202_(aten, _fused_adamw_) \
203_(aten, _fused_dropout) \
204_(aten, _fused_moving_avg_obs_fq_helper) \
205_(aten, _fused_moving_avg_obs_fq_helper_functional) \
206_(aten, _fused_sdp_choice) \
207_(aten, _fw_primal) \
208_(aten, _fw_primal_copy) \
209_(aten, _gather_sparse_backward) \
210_(aten, _grid_sampler_2d_cpu_fallback) \
211_(aten, _grid_sampler_2d_cpu_fallback_backward) \
212_(aten, _has_compatible_shallow_copy_type) \
213_(aten, _has_same_storage_numel) \
214_(aten, _histogramdd_bin_edges) \
215_(aten, _histogramdd_from_bin_cts) \
216_(aten, _histogramdd_from_bin_tensors) \
217_(aten, _index_put_impl) \
218_(aten, _index_put_impl_) \
219_(aten, _indices) \
220_(aten, _indices_copy) \
221_(aten, _is_all_true) \
222_(aten, _is_any_true) \
223_(aten, _is_zerotensor) \
224_(aten, _linalg_check_errors) \
225_(aten, _linalg_det) \
226_(aten, _linalg_eigh) \
227_(aten, _linalg_slogdet) \
228_(aten, _linalg_solve_ex) \
229_(aten, _linalg_svd) \
230_(aten, _local_scalar_dense) \
231_(aten, _log_softmax) \
232_(aten, _log_softmax_backward_data) \
233_(aten, _logcumsumexp) \
234_(aten, _lstm_mps) \
235_(aten, _lu_with_info) \
236_(aten, _make_dual) \
237_(aten, _make_dual_copy) \
238_(aten, _make_per_channel_quantized_tensor) \
239_(aten, _make_per_tensor_quantized_tensor) \
240_(aten, _masked_scale) \
241_(aten, _masked_softmax) \
242_(aten, _masked_softmax_backward) \
243_(aten, _mkldnn_reshape) \
244_(aten, _mkldnn_transpose) \
245_(aten, _mkldnn_transpose_) \
246_(aten, _mps_convolution) \
247_(aten, _mps_convolution_transpose) \
248_(aten, _mps_max_pool2d) \
249_(aten, _native_batch_norm_legit) \
250_(aten, _native_batch_norm_legit_functional) \
251_(aten, _native_decoder_only_multi_head_attention) \
252_(aten, _native_multi_head_attention) \
253_(aten, _neg_view) \
254_(aten, _neg_view_copy) \
255_(aten, _nested_from_padded) \
256_(aten, _nested_from_padded_and_nested_example) \
257_(aten, _nested_select_backward) \
258_(aten, _nested_sum_backward) \
259_(aten, _nested_tensor_from_mask) \
260_(aten, _nested_tensor_from_mask_left_aligned) \
261_(aten, _nested_tensor_from_tensor_list) \
262_(aten, _nested_tensor_offsets) \
263_(aten, _nested_tensor_size) \
264_(aten, _nested_tensor_softmax_with_shape) \
265_(aten, _nested_tensor_strides) \
266_(aten, _nested_view_from_buffer) \
267_(aten, _nested_view_from_buffer_copy) \
268_(aten, _new_zeros_with_same_feature_meta) \
269_(aten, _nnpack_available) \
270_(aten, _nnpack_spatial_convolution) \
271_(aten, _nnz) \
272_(aten, _pack_padded_sequence) \
273_(aten, _pack_padded_sequence_backward) \
274_(aten, _pad_circular) \
275_(aten, _pad_enum) \
276_(aten, _pad_packed_sequence) \
277_(aten, _pdist_backward) \
278_(aten, _pdist_forward) \
279_(aten, _pin_memory) \
280_(aten, _prelu_kernel) \
281_(aten, _prelu_kernel_backward) \
282_(aten, _remove_batch_dim) \
283_(aten, _reshape_alias) \
284_(aten, _reshape_alias_copy) \
285_(aten, _reshape_copy) \
286_(aten, _reshape_from_tensor) \
287_(aten, _resize_output) \
288_(aten, _resize_output_) \
289_(aten, _rowwise_prune) \
290_(aten, _sample_dirichlet) \
291_(aten, _saturate_weight_to_fp16) \
292_(aten, _scaled_dot_product_attention) \
293_(aten, _scaled_dot_product_attention_math) \
294_(aten, _scaled_dot_product_efficient_attention) \
295_(aten, _scaled_dot_product_efficient_attention_backward) \
296_(aten, _scaled_dot_product_flash_attention) \
297_(aten, _scaled_dot_product_flash_attention_backward) \
298_(aten, _segment_reduce_backward) \
299_(aten, _shape_as_tensor) \
300_(aten, _slow_conv2d_backward) \
301_(aten, _slow_conv2d_forward) \
302_(aten, _sobol_engine_draw) \
303_(aten, _sobol_engine_ff) \
304_(aten, _sobol_engine_ff_) \
305_(aten, _sobol_engine_initialize_state) \
306_(aten, _sobol_engine_initialize_state_) \
307_(aten, _sobol_engine_scramble) \
308_(aten, _sobol_engine_scramble_) \
309_(aten, _softmax) \
310_(aten, _softmax_backward_data) \
311_(aten, _sparse_addmm) \
312_(aten, _sparse_broadcast_to) \
313_(aten, _sparse_broadcast_to_copy) \
314_(aten, _sparse_bsc_tensor_unsafe) \
315_(aten, _sparse_bsr_tensor_unsafe) \
316_(aten, _sparse_compressed_tensor_unsafe) \
317_(aten, _sparse_coo_tensor_unsafe) \
318_(aten, _sparse_coo_tensor_with_dims) \
319_(aten, _sparse_coo_tensor_with_dims_and_tensors) \
320_(aten, _sparse_csc_tensor_unsafe) \
321_(aten, _sparse_csr_prod) \
322_(aten, _sparse_csr_sum) \
323_(aten, _sparse_csr_tensor_unsafe) \
324_(aten, _sparse_log_softmax) \
325_(aten, _sparse_log_softmax_backward_data) \
326_(aten, _sparse_mm) \
327_(aten, _sparse_mm_reduce_impl) \
328_(aten, _sparse_mm_reduce_impl_backward) \
329_(aten, _sparse_softmax) \
330_(aten, _sparse_softmax_backward_data) \
331_(aten, _sparse_sparse_matmul) \
332_(aten, _sparse_sum) \
333_(aten, _sparse_sum_backward) \
334_(aten, _spdiags) \
335_(aten, _stack) \
336_(aten, _standard_gamma) \
337_(aten, _standard_gamma_grad) \
338_(aten, _test_ambiguous_defaults) \
339_(aten, _test_autograd_multiple_dispatch) \
340_(aten, _test_autograd_multiple_dispatch_view) \
341_(aten, _test_autograd_multiple_dispatch_view_copy) \
342_(aten, _test_check_tensor) \
343_(aten, _test_optional_filled_intlist) \
344_(aten, _test_optional_floatlist) \
345_(aten, _test_optional_intlist) \
346_(aten, _test_serialization_subcmul) \
347_(aten, _test_string_default) \
348_(aten, _test_warn_in_autograd) \
349_(aten, _thnn_differentiable_gru_cell_backward) \
350_(aten, _thnn_differentiable_lstm_cell_backward) \
351_(aten, _thnn_fused_gru_cell) \
352_(aten, _thnn_fused_gru_cell_backward) \
353_(aten, _thnn_fused_lstm_cell) \
354_(aten, _thnn_fused_lstm_cell_backward) \
355_(aten, _thnn_fused_lstm_cell_backward_impl) \
356_(aten, _to_copy) \
357_(aten, _to_cpu) \
358_(aten, _to_dense) \
359_(aten, _transform_bias_rescale_qkv) \
360_(aten, _transformer_decoder_only_layer_fwd) \
361_(aten, _transformer_encoder_layer_fwd) \
362_(aten, _trilinear) \
363_(aten, _triton_multi_head_attention) \
364_(aten, _triton_scaled_dot_attention) \
365_(aten, _unique) \
366_(aten, _unique2) \
367_(aten, _unpack_dual) \
368_(aten, _unsafe_view) \
369_(aten, _upsample_bicubic2d_aa) \
370_(aten, _upsample_bicubic2d_aa_backward) \
371_(aten, _upsample_bilinear2d_aa) \
372_(aten, _upsample_bilinear2d_aa_backward) \
373_(aten, _upsample_nearest_exact1d) \
374_(aten, _upsample_nearest_exact1d_backward) \
375_(aten, _upsample_nearest_exact2d) \
376_(aten, _upsample_nearest_exact2d_backward) \
377_(aten, _upsample_nearest_exact3d) \
378_(aten, _upsample_nearest_exact3d_backward) \
379_(aten, _use_cudnn_ctc_loss) \
380_(aten, _use_cudnn_rnn_flatten_weight) \
381_(aten, _validate_compressed_sparse_indices) \
382_(aten, _validate_sparse_bsc_tensor_args) \
383_(aten, _validate_sparse_bsr_tensor_args) \
384_(aten, _validate_sparse_compressed_tensor_args) \
385_(aten, _validate_sparse_coo_tensor_args) \
386_(aten, _validate_sparse_csc_tensor_args) \
387_(aten, _validate_sparse_csr_tensor_args) \
388_(aten, _values) \
389_(aten, _values_copy) \
390_(aten, _version) \
391_(aten, _weight_norm) \
392_(aten, _weight_norm_differentiable_backward) \
393_(aten, _weight_norm_interface) \
394_(aten, _weight_norm_interface_backward) \
395_(aten, abs) \
396_(aten, abs_) \
397_(aten, absolute) \
398_(aten, absolute_) \
399_(aten, acos) \
400_(aten, acos_) \
401_(aten, acosh) \
402_(aten, acosh_) \
403_(aten, adaptive_avg_pool1d) \
404_(aten, adaptive_avg_pool2d) \
405_(aten, adaptive_avg_pool3d) \
406_(aten, adaptive_avg_pool3d_backward) \
407_(aten, adaptive_max_pool1d) \
408_(aten, adaptive_max_pool2d) \
409_(aten, adaptive_max_pool2d_backward) \
410_(aten, adaptive_max_pool3d) \
411_(aten, adaptive_max_pool3d_backward) \
412_(aten, add) \
413_(aten, add_) \
414_(aten, addbmm) \
415_(aten, addbmm_) \
416_(aten, addcdiv) \
417_(aten, addcdiv_) \
418_(aten, addcmul) \
419_(aten, addcmul_) \
420_(aten, addmm) \
421_(aten, addmm_) \
422_(aten, addmv) \
423_(aten, addmv_) \
424_(aten, addr) \
425_(aten, addr_) \
426_(aten, adjoint) \
427_(aten, affine_grid_generator) \
428_(aten, affine_grid_generator_backward) \
429_(aten, alias) \
430_(aten, alias_copy) \
431_(aten, align_as) \
432_(aten, align_tensors) \
433_(aten, align_to) \
434_(aten, all) \
435_(aten, allclose) \
436_(aten, alpha_dropout) \
437_(aten, alpha_dropout_) \
438_(aten, amax) \
439_(aten, amin) \
440_(aten, aminmax) \
441_(aten, angle) \
442_(aten, any) \
443_(aten, arange) \
444_(aten, arccos) \
445_(aten, arccos_) \
446_(aten, arccosh) \
447_(aten, arccosh_) \
448_(aten, arcsin) \
449_(aten, arcsin_) \
450_(aten, arcsinh) \
451_(aten, arcsinh_) \
452_(aten, arctan) \
453_(aten, arctan2) \
454_(aten, arctan2_) \
455_(aten, arctan_) \
456_(aten, arctanh) \
457_(aten, arctanh_) \
458_(aten, argmax) \
459_(aten, argmin) \
460_(aten, argsort) \
461_(aten, argwhere) \
462_(aten, as_strided) \
463_(aten, as_strided_) \
464_(aten, as_strided_copy) \
465_(aten, as_strided_scatter) \
466_(aten, asin) \
467_(aten, asin_) \
468_(aten, asinh) \
469_(aten, asinh_) \
470_(aten, atan) \
471_(aten, atan2) \
472_(aten, atan2_) \
473_(aten, atan_) \
474_(aten, atanh) \
475_(aten, atanh_) \
476_(aten, atleast_1d) \
477_(aten, atleast_2d) \
478_(aten, atleast_3d) \
479_(aten, avg_pool1d) \
480_(aten, avg_pool2d) \
481_(aten, avg_pool2d_backward) \
482_(aten, avg_pool3d) \
483_(aten, avg_pool3d_backward) \
484_(aten, baddbmm) \
485_(aten, baddbmm_) \
486_(aten, bartlett_window) \
487_(aten, batch_norm) \
488_(aten, batch_norm_backward_elemt) \
489_(aten, batch_norm_backward_reduce) \
490_(aten, batch_norm_elemt) \
491_(aten, batch_norm_gather_stats) \
492_(aten, batch_norm_gather_stats_with_counts) \
493_(aten, batch_norm_stats) \
494_(aten, batch_norm_update_stats) \
495_(aten, bernoulli) \
496_(aten, bernoulli_) \
497_(aten, bilinear) \
498_(aten, binary_cross_entropy) \
499_(aten, binary_cross_entropy_backward) \
500_(aten, binary_cross_entropy_with_logits) \
501_(aten, bincount) \
502_(aten, binomial) \
503_(aten, bitwise_and) \
504_(aten, bitwise_and_) \
505_(aten, bitwise_left_shift) \
506_(aten, bitwise_left_shift_) \
507_(aten, bitwise_not) \
508_(aten, bitwise_not_) \
509_(aten, bitwise_or) \
510_(aten, bitwise_or_) \
511_(aten, bitwise_right_shift) \
512_(aten, bitwise_right_shift_) \
513_(aten, bitwise_xor) \
514_(aten, bitwise_xor_) \
515_(aten, blackman_window) \
516_(aten, block_diag) \
517_(aten, bmm) \
518_(aten, broadcast_tensors) \
519_(aten, broadcast_to) \
520_(aten, bucketize) \
521_(aten, can_cast) \
522_(aten, cartesian_prod) \
523_(aten, cat) \
524_(aten, cauchy) \
525_(aten, cauchy_) \
526_(aten, ccol_indices) \
527_(aten, ccol_indices_copy) \
528_(aten, cdist) \
529_(aten, ceil) \
530_(aten, ceil_) \
531_(aten, celu) \
532_(aten, celu_) \
533_(aten, chain_matmul) \
534_(aten, chalf) \
535_(aten, channel_shuffle) \
536_(aten, cholesky) \
537_(aten, cholesky_inverse) \
538_(aten, cholesky_solve) \
539_(aten, choose_qparams_optimized) \
540_(aten, chunk) \
541_(aten, clamp) \
542_(aten, clamp_) \
543_(aten, clamp_max) \
544_(aten, clamp_max_) \
545_(aten, clamp_min) \
546_(aten, clamp_min_) \
547_(aten, clip) \
548_(aten, clip_) \
549_(aten, clone) \
550_(aten, coalesce) \
551_(aten, col2im) \
552_(aten, col_indices) \
553_(aten, col_indices_copy) \
554_(aten, column_stack) \
555_(aten, combinations) \
556_(aten, complex) \
557_(aten, concat) \
558_(aten, concatenate) \
559_(aten, conj) \
560_(aten, conj_physical) \
561_(aten, conj_physical_) \
562_(aten, constant_pad_nd) \
563_(aten, contiguous) \
564_(aten, conv1d) \
565_(aten, conv2d) \
566_(aten, conv3d) \
567_(aten, conv_depthwise3d) \
568_(aten, conv_tbc) \
569_(aten, conv_tbc_backward) \
570_(aten, conv_transpose1d) \
571_(aten, conv_transpose2d) \
572_(aten, conv_transpose3d) \
573_(aten, convolution) \
574_(aten, convolution_backward) \
575_(aten, convolution_backward_overrideable) \
576_(aten, convolution_overrideable) \
577_(aten, copy) \
578_(aten, copy_) \
579_(aten, copy_sparse_to_sparse) \
580_(aten, copy_sparse_to_sparse_) \
581_(aten, copysign) \
582_(aten, copysign_) \
583_(aten, corrcoef) \
584_(aten, cos) \
585_(aten, cos_) \
586_(aten, cosh) \
587_(aten, cosh_) \
588_(aten, cosine_embedding_loss) \
589_(aten, cosine_similarity) \
590_(aten, count_nonzero) \
591_(aten, cov) \
592_(aten, cross) \
593_(aten, cross_entropy_loss) \
594_(aten, crow_indices) \
595_(aten, crow_indices_copy) \
596_(aten, ctc_loss) \
597_(aten, cudnn_affine_grid_generator) \
598_(aten, cudnn_affine_grid_generator_backward) \
599_(aten, cudnn_batch_norm) \
600_(aten, cudnn_batch_norm_backward) \
601_(aten, cudnn_convolution) \
602_(aten, cudnn_convolution_add_relu) \
603_(aten, cudnn_convolution_relu) \
604_(aten, cudnn_convolution_transpose) \
605_(aten, cudnn_grid_sampler) \
606_(aten, cudnn_grid_sampler_backward) \
607_(aten, cudnn_is_acceptable) \
608_(aten, cummax) \
609_(aten, cummaxmin_backward) \
610_(aten, cummin) \
611_(aten, cumprod) \
612_(aten, cumprod_) \
613_(aten, cumprod_backward) \
614_(aten, cumsum) \
615_(aten, cumsum_) \
616_(aten, cumulative_trapezoid) \
617_(aten, data) \
618_(aten, deg2rad) \
619_(aten, deg2rad_) \
620_(aten, dense_dim) \
621_(aten, dequantize) \
622_(aten, det) \
623_(aten, detach) \
624_(aten, detach_) \
625_(aten, detach_copy) \
626_(aten, diag) \
627_(aten, diag_embed) \
628_(aten, diagflat) \
629_(aten, diagonal) \
630_(aten, diagonal_backward) \
631_(aten, diagonal_copy) \
632_(aten, diagonal_scatter) \
633_(aten, diff) \
634_(aten, digamma) \
635_(aten, digamma_) \
636_(aten, dist) \
637_(aten, div) \
638_(aten, div_) \
639_(aten, divide) \
640_(aten, divide_) \
641_(aten, dot) \
642_(aten, dropout) \
643_(aten, dropout_) \
644_(aten, dsplit) \
645_(aten, dstack) \
646_(aten, einsum) \
647_(aten, elu) \
648_(aten, elu_) \
649_(aten, elu_backward) \
650_(aten, embedding) \
651_(aten, embedding_backward) \
652_(aten, embedding_bag) \
653_(aten, embedding_dense_backward) \
654_(aten, embedding_renorm) \
655_(aten, embedding_renorm_) \
656_(aten, embedding_sparse_backward) \
657_(aten, empty) \
658_(aten, empty_like) \
659_(aten, empty_quantized) \
660_(aten, empty_strided) \
661_(aten, eq) \
662_(aten, eq_) \
663_(aten, equal) \
664_(aten, erf) \
665_(aten, erf_) \
666_(aten, erfc) \
667_(aten, erfc_) \
668_(aten, erfinv) \
669_(aten, erfinv_) \
670_(aten, exp) \
671_(aten, exp2) \
672_(aten, exp2_) \
673_(aten, exp_) \
674_(aten, expand) \
675_(aten, expand_as) \
676_(aten, expand_copy) \
677_(aten, expm1) \
678_(aten, expm1_) \
679_(aten, exponential) \
680_(aten, exponential_) \
681_(aten, eye) \
682_(aten, fake_quantize_per_channel_affine) \
683_(aten, fake_quantize_per_channel_affine_cachemask) \
684_(aten, fake_quantize_per_channel_affine_cachemask_backward) \
685_(aten, fake_quantize_per_tensor_affine) \
686_(aten, fake_quantize_per_tensor_affine_cachemask) \
687_(aten, fake_quantize_per_tensor_affine_cachemask_backward) \
688_(aten, fbgemm_linear_fp16_weight) \
689_(aten, fbgemm_linear_fp16_weight_fp32_activation) \
690_(aten, fbgemm_linear_int8_weight) \
691_(aten, fbgemm_linear_int8_weight_fp32_activation) \
692_(aten, fbgemm_linear_quantize_weight) \
693_(aten, fbgemm_pack_gemm_matrix_fp16) \
694_(aten, fbgemm_pack_quantized_matrix) \
695_(aten, feature_alpha_dropout) \
696_(aten, feature_alpha_dropout_) \
697_(aten, feature_dropout) \
698_(aten, feature_dropout_) \
699_(aten, fft_fft) \
700_(aten, fft_fft2) \
701_(aten, fft_fftfreq) \
702_(aten, fft_fftn) \
703_(aten, fft_fftshift) \
704_(aten, fft_hfft) \
705_(aten, fft_hfft2) \
706_(aten, fft_hfftn) \
707_(aten, fft_ifft) \
708_(aten, fft_ifft2) \
709_(aten, fft_ifftn) \
710_(aten, fft_ifftshift) \
711_(aten, fft_ihfft) \
712_(aten, fft_ihfft2) \
713_(aten, fft_ihfftn) \
714_(aten, fft_irfft) \
715_(aten, fft_irfft2) \
716_(aten, fft_irfftn) \
717_(aten, fft_rfft) \
718_(aten, fft_rfft2) \
719_(aten, fft_rfftfreq) \
720_(aten, fft_rfftn) \
721_(aten, fill) \
722_(aten, fill_) \
723_(aten, fill_diagonal) \
724_(aten, fill_diagonal_) \
725_(aten, fix) \
726_(aten, fix_) \
727_(aten, flatten) \
728_(aten, flatten_dense_tensors) \
729_(aten, flip) \
730_(aten, fliplr) \
731_(aten, flipud) \
732_(aten, float_power) \
733_(aten, float_power_) \
734_(aten, floor) \
735_(aten, floor_) \
736_(aten, floor_divide) \
737_(aten, floor_divide_) \
738_(aten, fmax) \
739_(aten, fmin) \
740_(aten, fmod) \
741_(aten, fmod_) \
742_(aten, frac) \
743_(aten, frac_) \
744_(aten, fractional_max_pool2d) \
745_(aten, fractional_max_pool2d_backward) \
746_(aten, fractional_max_pool3d) \
747_(aten, fractional_max_pool3d_backward) \
748_(aten, frexp) \
749_(aten, frobenius_norm) \
750_(aten, from_file) \
751_(aten, full) \
752_(aten, full_like) \
753_(aten, fused_moving_avg_obs_fake_quant) \
754_(aten, gather) \
755_(aten, gather_backward) \
756_(aten, gcd) \
757_(aten, gcd_) \
758_(aten, ge) \
759_(aten, ge_) \
760_(aten, gelu) \
761_(aten, gelu_) \
762_(aten, gelu_backward) \
763_(aten, geometric) \
764_(aten, geometric_) \
765_(aten, geqrf) \
766_(aten, ger) \
767_(aten, glu) \
768_(aten, glu_backward) \
769_(aten, glu_backward_jvp) \
770_(aten, glu_jvp) \
771_(aten, gradient) \
772_(aten, greater) \
773_(aten, greater_) \
774_(aten, greater_equal) \
775_(aten, greater_equal_) \
776_(aten, grid_sampler) \
777_(aten, grid_sampler_2d) \
778_(aten, grid_sampler_2d_backward) \
779_(aten, grid_sampler_3d) \
780_(aten, grid_sampler_3d_backward) \
781_(aten, group_norm) \
782_(aten, gru) \
783_(aten, gru_cell) \
784_(aten, gt) \
785_(aten, gt_) \
786_(aten, hamming_window) \
787_(aten, hann_window) \
788_(aten, hardshrink) \
789_(aten, hardshrink_backward) \
790_(aten, hardsigmoid) \
791_(aten, hardsigmoid_) \
792_(aten, hardsigmoid_backward) \
793_(aten, hardswish) \
794_(aten, hardswish_) \
795_(aten, hardswish_backward) \
796_(aten, hardtanh) \
797_(aten, hardtanh_) \
798_(aten, hardtanh_backward) \
799_(aten, heaviside) \
800_(aten, heaviside_) \
801_(aten, hinge_embedding_loss) \
802_(aten, histc) \
803_(aten, histogram) \
804_(aten, histogramdd) \
805_(aten, hsplit) \
806_(aten, hspmm) \
807_(aten, hstack) \
808_(aten, huber_loss) \
809_(aten, huber_loss_backward) \
810_(aten, hypot) \
811_(aten, hypot_) \
812_(aten, i0) \
813_(aten, i0_) \
814_(aten, igamma) \
815_(aten, igamma_) \
816_(aten, igammac) \
817_(aten, igammac_) \
818_(aten, im2col) \
819_(aten, imag) \
820_(aten, index) \
821_(aten, index_add) \
822_(aten, index_add_) \
823_(aten, index_copy) \
824_(aten, index_copy_) \
825_(aten, index_fill) \
826_(aten, index_fill_) \
827_(aten, index_put) \
828_(aten, index_put_) \
829_(aten, index_reduce) \
830_(aten, index_reduce_) \
831_(aten, index_select) \
832_(aten, index_select_backward) \
833_(aten, indices) \
834_(aten, indices_copy) \
835_(aten, infinitely_differentiable_gelu_backward) \
836_(aten, inner) \
837_(aten, instance_norm) \
838_(aten, int_repr) \
839_(aten, inverse) \
840_(aten, is_coalesced) \
841_(aten, is_complex) \
842_(aten, is_conj) \
843_(aten, is_distributed) \
844_(aten, is_floating_point) \
845_(aten, is_inference) \
846_(aten, is_leaf) \
847_(aten, is_neg) \
848_(aten, is_nonzero) \
849_(aten, is_pinned) \
850_(aten, is_same_size) \
851_(aten, is_set_to) \
852_(aten, is_signed) \
853_(aten, is_vulkan_available) \
854_(aten, isclose) \
855_(aten, isfinite) \
856_(aten, isin) \
857_(aten, isinf) \
858_(aten, isnan) \
859_(aten, isneginf) \
860_(aten, isposinf) \
861_(aten, isreal) \
862_(aten, istft) \
863_(aten, item) \
864_(aten, kaiser_window) \
865_(aten, kl_div) \
866_(aten, kron) \
867_(aten, kthvalue) \
868_(aten, l1_loss) \
869_(aten, layer_norm) \
870_(aten, lcm) \
871_(aten, lcm_) \
872_(aten, ldexp) \
873_(aten, ldexp_) \
874_(aten, le) \
875_(aten, le_) \
876_(aten, leaky_relu) \
877_(aten, leaky_relu_) \
878_(aten, leaky_relu_backward) \
879_(aten, lerp) \
880_(aten, lerp_) \
881_(aten, less) \
882_(aten, less_) \
883_(aten, less_equal) \
884_(aten, less_equal_) \
885_(aten, lgamma) \
886_(aten, lgamma_) \
887_(aten, lift) \
888_(aten, lift_fresh) \
889_(aten, lift_fresh_copy) \
890_(aten, linalg_cholesky) \
891_(aten, linalg_cholesky_ex) \
892_(aten, linalg_cond) \
893_(aten, linalg_cross) \
894_(aten, linalg_det) \
895_(aten, linalg_diagonal) \
896_(aten, linalg_eig) \
897_(aten, linalg_eigh) \
898_(aten, linalg_eigvals) \
899_(aten, linalg_eigvalsh) \
900_(aten, linalg_householder_product) \
901_(aten, linalg_inv) \
902_(aten, linalg_inv_ex) \
903_(aten, linalg_ldl_factor) \
904_(aten, linalg_ldl_factor_ex) \
905_(aten, linalg_ldl_solve) \
906_(aten, linalg_lstsq) \
907_(aten, linalg_lu) \
908_(aten, linalg_lu_factor) \
909_(aten, linalg_lu_factor_ex) \
910_(aten, linalg_lu_solve) \
911_(aten, linalg_matmul) \
912_(aten, linalg_matrix_exp) \
913_(aten, linalg_matrix_norm) \
914_(aten, linalg_matrix_power) \
915_(aten, linalg_matrix_rank) \
916_(aten, linalg_multi_dot) \
917_(aten, linalg_norm) \
918_(aten, linalg_pinv) \
919_(aten, linalg_qr) \
920_(aten, linalg_slogdet) \
921_(aten, linalg_solve) \
922_(aten, linalg_solve_ex) \
923_(aten, linalg_solve_triangular) \
924_(aten, linalg_svd) \
925_(aten, linalg_svdvals) \
926_(aten, linalg_tensorinv) \
927_(aten, linalg_tensorsolve) \
928_(aten, linalg_vander) \
929_(aten, linalg_vecdot) \
930_(aten, linalg_vector_norm) \
931_(aten, linear) \
932_(aten, linear_backward) \
933_(aten, linspace) \
934_(aten, log) \
935_(aten, log10) \
936_(aten, log10_) \
937_(aten, log1p) \
938_(aten, log1p_) \
939_(aten, log2) \
940_(aten, log2_) \
941_(aten, log_) \
942_(aten, log_normal) \
943_(aten, log_normal_) \
944_(aten, log_sigmoid) \
945_(aten, log_sigmoid_backward) \
946_(aten, log_sigmoid_forward) \
947_(aten, log_softmax) \
948_(aten, logaddexp) \
949_(aten, logaddexp2) \
950_(aten, logcumsumexp) \
951_(aten, logdet) \
952_(aten, logical_and) \
953_(aten, logical_and_) \
954_(aten, logical_not) \
955_(aten, logical_not_) \
956_(aten, logical_or) \
957_(aten, logical_or_) \
958_(aten, logical_xor) \
959_(aten, logical_xor_) \
960_(aten, logit) \
961_(aten, logit_) \
962_(aten, logit_backward) \
963_(aten, logspace) \
964_(aten, logsumexp) \
965_(aten, lshift) \
966_(aten, lstm) \
967_(aten, lstm_cell) \
968_(aten, lstm_mps_backward) \
969_(aten, lt) \
970_(aten, lt_) \
971_(aten, lu_solve) \
972_(aten, lu_unpack) \
973_(aten, mH) \
974_(aten, mT) \
975_(aten, margin_ranking_loss) \
976_(aten, masked_fill) \
977_(aten, masked_fill_) \
978_(aten, masked_scatter) \
979_(aten, masked_scatter_) \
980_(aten, masked_select) \
981_(aten, masked_select_backward) \
982_(aten, matmul) \
983_(aten, matmul_backward) \
984_(aten, matrix_H) \
985_(aten, matrix_exp) \
986_(aten, matrix_exp_backward) \
987_(aten, matrix_power) \
988_(aten, max) \
989_(aten, max_pool1d) \
990_(aten, max_pool1d_with_indices) \
991_(aten, max_pool2d) \
992_(aten, max_pool2d_with_indices) \
993_(aten, max_pool2d_with_indices_backward) \
994_(aten, max_pool3d) \
995_(aten, max_pool3d_with_indices) \
996_(aten, max_pool3d_with_indices_backward) \
997_(aten, max_unpool2d) \
998_(aten, max_unpool3d) \
999_(aten, maximum) \
1000_(aten, mean) \
1001_(aten, median) \
1002_(aten, meshgrid) \
1003_(aten, min) \
1004_(aten, minimum) \
1005_(aten, miopen_batch_norm) \
1006_(aten, miopen_batch_norm_backward) \
1007_(aten, miopen_convolution) \
1008_(aten, miopen_convolution_add_relu) \
1009_(aten, miopen_convolution_relu) \
1010_(aten, miopen_convolution_transpose) \
1011_(aten, miopen_depthwise_convolution) \
1012_(aten, miopen_rnn) \
1013_(aten, miopen_rnn_backward) \
1014_(aten, mish) \
1015_(aten, mish_) \
1016_(aten, mish_backward) \
1017_(aten, mkldnn_adaptive_avg_pool2d) \
1018_(aten, mkldnn_adaptive_avg_pool2d_backward) \
1019_(aten, mkldnn_convolution) \
1020_(aten, mkldnn_linear) \
1021_(aten, mkldnn_linear_backward) \
1022_(aten, mkldnn_linear_backward_input) \
1023_(aten, mkldnn_linear_backward_weights) \
1024_(aten, mkldnn_max_pool2d) \
1025_(aten, mkldnn_max_pool2d_backward) \
1026_(aten, mkldnn_max_pool3d) \
1027_(aten, mkldnn_max_pool3d_backward) \
1028_(aten, mkldnn_reorder_conv2d_weight) \
1029_(aten, mkldnn_reorder_conv3d_weight) \
1030_(aten, mkldnn_rnn_layer) \
1031_(aten, mkldnn_rnn_layer_backward) \
1032_(aten, mm) \
1033_(aten, mode) \
1034_(aten, moveaxis) \
1035_(aten, movedim) \
1036_(aten, mps_convolution_backward) \
1037_(aten, mps_convolution_transpose_backward) \
1038_(aten, mps_max_pool2d_backward) \
1039_(aten, mse_loss) \
1040_(aten, mse_loss_backward) \
1041_(aten, msort) \
1042_(aten, mul) \
1043_(aten, mul_) \
1044_(aten, multi_margin_loss) \
1045_(aten, multi_margin_loss_backward) \
1046_(aten, multilabel_margin_loss) \
1047_(aten, multilabel_margin_loss_backward) \
1048_(aten, multilabel_margin_loss_forward) \
1049_(aten, multinomial) \
1050_(aten, multiply) \
1051_(aten, multiply_) \
1052_(aten, mv) \
1053_(aten, mvlgamma) \
1054_(aten, mvlgamma_) \
1055_(aten, nan_to_num) \
1056_(aten, nan_to_num_) \
1057_(aten, nanmean) \
1058_(aten, nanmedian) \
1059_(aten, nanquantile) \
1060_(aten, nansum) \
1061_(aten, narrow) \
1062_(aten, narrow_copy) \
1063_(aten, native_batch_norm) \
1064_(aten, native_batch_norm_backward) \
1065_(aten, native_channel_shuffle) \
1066_(aten, native_dropout) \
1067_(aten, native_dropout_backward) \
1068_(aten, native_group_norm) \
1069_(aten, native_group_norm_backward) \
1070_(aten, native_layer_norm) \
1071_(aten, native_layer_norm_backward) \
1072_(aten, native_norm) \
1073_(aten, ne) \
1074_(aten, ne_) \
1075_(aten, neg) \
1076_(aten, neg_) \
1077_(aten, negative) \
1078_(aten, negative_) \
1079_(aten, nested_to_padded_tensor) \
1080_(aten, new_empty) \
1081_(aten, new_empty_strided) \
1082_(aten, new_full) \
1083_(aten, new_ones) \
1084_(aten, new_zeros) \
1085_(aten, nextafter) \
1086_(aten, nextafter_) \
1087_(aten, nll_loss) \
1088_(aten, nll_loss2d) \
1089_(aten, nll_loss2d_backward) \
1090_(aten, nll_loss2d_forward) \
1091_(aten, nll_loss_backward) \
1092_(aten, nll_loss_forward) \
1093_(aten, nll_loss_nd) \
1094_(aten, nonzero) \
1095_(aten, nonzero_numpy) \
1096_(aten, norm) \
1097_(aten, norm_except_dim) \
1098_(aten, normal) \
1099_(aten, normal_) \
1100_(aten, normal_functional) \
1101_(aten, not_equal) \
1102_(aten, not_equal_) \
1103_(aten, nuclear_norm) \
1104_(aten, numpy_T) \
1105_(aten, one_hot) \
1106_(aten, ones) \
1107_(aten, ones_like) \
1108_(aten, orgqr) \
1109_(aten, ormqr) \
1110_(aten, outer) \
1111_(aten, output_nr) \
1112_(aten, pad) \
1113_(aten, pad_sequence) \
1114_(aten, pairwise_distance) \
1115_(aten, pdist) \
1116_(aten, permute) \
1117_(aten, permute_copy) \
1118_(aten, pin_memory) \
1119_(aten, pinverse) \
1120_(aten, pixel_shuffle) \
1121_(aten, pixel_unshuffle) \
1122_(aten, poisson) \
1123_(aten, poisson_nll_loss) \
1124_(aten, polar) \
1125_(aten, polygamma) \
1126_(aten, polygamma_) \
1127_(aten, positive) \
1128_(aten, pow) \
1129_(aten, pow_) \
1130_(aten, prelu) \
1131_(aten, prod) \
1132_(aten, promote_types) \
1133_(aten, put) \
1134_(aten, put_) \
1135_(aten, q_per_channel_axis) \
1136_(aten, q_per_channel_scales) \
1137_(aten, q_per_channel_zero_points) \
1138_(aten, q_scale) \
1139_(aten, q_zero_point) \
1140_(aten, qr) \
1141_(aten, qscheme) \
1142_(aten, quantile) \
1143_(aten, quantize_per_channel) \
1144_(aten, quantize_per_tensor) \
1145_(aten, quantize_per_tensor_dynamic) \
1146_(aten, quantized_batch_norm) \
1147_(aten, quantized_gru_cell) \
1148_(aten, quantized_lstm_cell) \
1149_(aten, quantized_max_pool1d) \
1150_(aten, quantized_max_pool2d) \
1151_(aten, quantized_rnn_relu_cell) \
1152_(aten, quantized_rnn_tanh_cell) \
1153_(aten, rad2deg) \
1154_(aten, rad2deg_) \
1155_(aten, rand) \
1156_(aten, rand_like) \
1157_(aten, randint) \
1158_(aten, randint_like) \
1159_(aten, randn) \
1160_(aten, randn_like) \
1161_(aten, random) \
1162_(aten, random_) \
1163_(aten, randperm) \
1164_(aten, range) \
1165_(aten, ravel) \
1166_(aten, real) \
1167_(aten, reciprocal) \
1168_(aten, reciprocal_) \
1169_(aten, record_stream) \
1170_(aten, refine_names) \
1171_(aten, reflection_pad1d) \
1172_(aten, reflection_pad1d_backward) \
1173_(aten, reflection_pad2d) \
1174_(aten, reflection_pad2d_backward) \
1175_(aten, reflection_pad3d) \
1176_(aten, reflection_pad3d_backward) \
1177_(aten, relu) \
1178_(aten, relu6) \
1179_(aten, relu6_) \
1180_(aten, relu_) \
1181_(aten, remainder) \
1182_(aten, remainder_) \
1183_(aten, rename) \
1184_(aten, rename_) \
1185_(aten, renorm) \
1186_(aten, renorm_) \
1187_(aten, repeat) \
1188_(aten, repeat_interleave) \
1189_(aten, replication_pad1d) \
1190_(aten, replication_pad1d_backward) \
1191_(aten, replication_pad2d) \
1192_(aten, replication_pad2d_backward) \
1193_(aten, replication_pad3d) \
1194_(aten, replication_pad3d_backward) \
1195_(aten, requires_grad) \
1196_(aten, requires_grad_) \
1197_(aten, reshape) \
1198_(aten, reshape_as) \
1199_(aten, resize) \
1200_(aten, resize_) \
1201_(aten, resize_as) \
1202_(aten, resize_as_) \
1203_(aten, resize_as_sparse) \
1204_(aten, resize_as_sparse_) \
1205_(aten, resolve_conj) \
1206_(aten, resolve_neg) \
1207_(aten, result_type) \
1208_(aten, retain_grad) \
1209_(aten, retains_grad) \
1210_(aten, rnn_relu) \
1211_(aten, rnn_relu_cell) \
1212_(aten, rnn_tanh) \
1213_(aten, rnn_tanh_cell) \
1214_(aten, roll) \
1215_(aten, rot90) \
1216_(aten, round) \
1217_(aten, round_) \
1218_(aten, row_indices) \
1219_(aten, row_indices_copy) \
1220_(aten, row_stack) \
1221_(aten, rrelu) \
1222_(aten, rrelu_) \
1223_(aten, rrelu_with_noise) \
1224_(aten, rrelu_with_noise_) \
1225_(aten, rrelu_with_noise_backward) \
1226_(aten, rshift) \
1227_(aten, rsqrt) \
1228_(aten, rsqrt_) \
1229_(aten, rsub) \
1230_(aten, scalar_tensor) \
1231_(aten, scaled_dot_product_attention) \
1232_(aten, scatter) \
1233_(aten, scatter_) \
1234_(aten, scatter_add) \
1235_(aten, scatter_add_) \
1236_(aten, scatter_reduce) \
1237_(aten, scatter_reduce_) \
1238_(aten, searchsorted) \
1239_(aten, segment_reduce) \
1240_(aten, select) \
1241_(aten, select_backward) \
1242_(aten, select_copy) \
1243_(aten, select_scatter) \
1244_(aten, selu) \
1245_(aten, selu_) \
1246_(aten, set) \
1247_(aten, set_) \
1248_(aten, set_data) \
1249_(aten, sgn) \
1250_(aten, sgn_) \
1251_(aten, sigmoid) \
1252_(aten, sigmoid_) \
1253_(aten, sigmoid_backward) \
1254_(aten, sign) \
1255_(aten, sign_) \
1256_(aten, signbit) \
1257_(aten, silu) \
1258_(aten, silu_) \
1259_(aten, silu_backward) \
1260_(aten, sin) \
1261_(aten, sin_) \
1262_(aten, sinc) \
1263_(aten, sinc_) \
1264_(aten, sinh) \
1265_(aten, sinh_) \
1266_(aten, size) \
1267_(aten, slice) \
1268_(aten, slice_backward) \
1269_(aten, slice_copy) \
1270_(aten, slice_scatter) \
1271_(aten, slogdet) \
1272_(aten, slow_conv3d) \
1273_(aten, slow_conv3d_forward) \
1274_(aten, slow_conv_dilated2d) \
1275_(aten, slow_conv_dilated3d) \
1276_(aten, slow_conv_transpose2d) \
1277_(aten, slow_conv_transpose3d) \
1278_(aten, smm) \
1279_(aten, smooth_l1_loss) \
1280_(aten, smooth_l1_loss_backward) \
1281_(aten, soft_margin_loss) \
1282_(aten, soft_margin_loss_backward) \
1283_(aten, softmax) \
1284_(aten, softplus) \
1285_(aten, softplus_backward) \
1286_(aten, softshrink) \
1287_(aten, softshrink_backward) \
1288_(aten, sort) \
1289_(aten, sparse_bsc_tensor) \
1290_(aten, sparse_bsr_tensor) \
1291_(aten, sparse_compressed_tensor) \
1292_(aten, sparse_coo_tensor) \
1293_(aten, sparse_csc_tensor) \
1294_(aten, sparse_csr_tensor) \
1295_(aten, sparse_dim) \
1296_(aten, sparse_mask) \
1297_(aten, sparse_resize) \
1298_(aten, sparse_resize_) \
1299_(aten, sparse_resize_and_clear) \
1300_(aten, sparse_resize_and_clear_) \
1301_(aten, sparse_sampled_addmm) \
1302_(aten, special_airy_ai) \
1303_(aten, special_bessel_j0) \
1304_(aten, special_bessel_j1) \
1305_(aten, special_bessel_y0) \
1306_(aten, special_bessel_y1) \
1307_(aten, special_chebyshev_polynomial_t) \
1308_(aten, special_chebyshev_polynomial_u) \
1309_(aten, special_chebyshev_polynomial_v) \
1310_(aten, special_chebyshev_polynomial_w) \
1311_(aten, special_digamma) \
1312_(aten, special_entr) \
1313_(aten, special_erf) \
1314_(aten, special_erfc) \
1315_(aten, special_erfcx) \
1316_(aten, special_erfinv) \
1317_(aten, special_exp2) \
1318_(aten, special_expit) \
1319_(aten, special_expm1) \
1320_(aten, special_gammainc) \
1321_(aten, special_gammaincc) \
1322_(aten, special_gammaln) \
1323_(aten, special_hermite_polynomial_h) \
1324_(aten, special_hermite_polynomial_he) \
1325_(aten, special_i0) \
1326_(aten, special_i0e) \
1327_(aten, special_i1) \
1328_(aten, special_i1e) \
1329_(aten, special_laguerre_polynomial_l) \
1330_(aten, special_legendre_polynomial_p) \
1331_(aten, special_log1p) \
1332_(aten, special_log_ndtr) \
1333_(aten, special_log_softmax) \
1334_(aten, special_logit) \
1335_(aten, special_logsumexp) \
1336_(aten, special_modified_bessel_i0) \
1337_(aten, special_modified_bessel_i1) \
1338_(aten, special_modified_bessel_k0) \
1339_(aten, special_modified_bessel_k1) \
1340_(aten, special_multigammaln) \
1341_(aten, special_ndtr) \
1342_(aten, special_ndtri) \
1343_(aten, special_polygamma) \
1344_(aten, special_psi) \
1345_(aten, special_round) \
1346_(aten, special_scaled_modified_bessel_k0) \
1347_(aten, special_scaled_modified_bessel_k1) \
1348_(aten, special_shifted_chebyshev_polynomial_t) \
1349_(aten, special_shifted_chebyshev_polynomial_u) \
1350_(aten, special_shifted_chebyshev_polynomial_v) \
1351_(aten, special_shifted_chebyshev_polynomial_w) \
1352_(aten, special_sinc) \
1353_(aten, special_softmax) \
1354_(aten, special_spherical_bessel_j0) \
1355_(aten, special_xlog1py) \
1356_(aten, special_xlogy) \
1357_(aten, special_zeta) \
1358_(aten, split) \
1359_(aten, split_copy) \
1360_(aten, split_with_sizes) \
1361_(aten, split_with_sizes_copy) \
1362_(aten, sqrt) \
1363_(aten, sqrt_) \
1364_(aten, square) \
1365_(aten, square_) \
1366_(aten, squeeze) \
1367_(aten, squeeze_) \
1368_(aten, squeeze_copy) \
1369_(aten, sspaddmm) \
1370_(aten, stack) \
1371_(aten, std) \
1372_(aten, std_mean) \
1373_(aten, stft) \
1374_(aten, stride) \
1375_(aten, sub) \
1376_(aten, sub_) \
1377_(aten, subtract) \
1378_(aten, subtract_) \
1379_(aten, sum) \
1380_(aten, sum_to_size) \
1381_(aten, svd) \
1382_(aten, swapaxes) \
1383_(aten, swapaxes_) \
1384_(aten, swapdims) \
1385_(aten, swapdims_) \
1386_(aten, t) \
1387_(aten, t_) \
1388_(aten, t_copy) \
1389_(aten, take) \
1390_(aten, take_along_dim) \
1391_(aten, tan) \
1392_(aten, tan_) \
1393_(aten, tanh) \
1394_(aten, tanh_) \
1395_(aten, tanh_backward) \
1396_(aten, tensor_split) \
1397_(aten, tensordot) \
1398_(aten, thnn_conv2d) \
1399_(aten, threshold) \
1400_(aten, threshold_) \
1401_(aten, threshold_backward) \
1402_(aten, tile) \
1403_(aten, to) \
1404_(aten, to_dense) \
1405_(aten, to_dense_backward) \
1406_(aten, to_mkldnn) \
1407_(aten, to_mkldnn_backward) \
1408_(aten, to_padded_tensor) \
1409_(aten, to_sparse) \
1410_(aten, to_sparse_bsc) \
1411_(aten, to_sparse_bsr) \
1412_(aten, to_sparse_csc) \
1413_(aten, to_sparse_csr) \
1414_(aten, topk) \
1415_(aten, trace) \
1416_(aten, trace_backward) \
1417_(aten, transpose) \
1418_(aten, transpose_) \
1419_(aten, transpose_copy) \
1420_(aten, trapezoid) \
1421_(aten, trapz) \
1422_(aten, triangular_solve) \
1423_(aten, tril) \
1424_(aten, tril_) \
1425_(aten, tril_indices) \
1426_(aten, triplet_margin_loss) \
1427_(aten, triu) \
1428_(aten, triu_) \
1429_(aten, triu_indices) \
1430_(aten, true_divide) \
1431_(aten, true_divide_) \
1432_(aten, trunc) \
1433_(aten, trunc_) \
1434_(aten, type_as) \
1435_(aten, unbind) \
1436_(aten, unbind_copy) \
1437_(aten, unflatten) \
1438_(aten, unflatten_dense_tensors) \
1439_(aten, unfold) \
1440_(aten, unfold_backward) \
1441_(aten, unfold_copy) \
1442_(aten, uniform) \
1443_(aten, uniform_) \
1444_(aten, unique_consecutive) \
1445_(aten, unique_dim) \
1446_(aten, unique_dim_consecutive) \
1447_(aten, unsafe_chunk) \
1448_(aten, unsafe_split) \
1449_(aten, unsafe_split_with_sizes) \
1450_(aten, unsqueeze) \
1451_(aten, unsqueeze_) \
1452_(aten, unsqueeze_copy) \
1453_(aten, upsample_bicubic2d) \
1454_(aten, upsample_bicubic2d_backward) \
1455_(aten, upsample_bilinear2d) \
1456_(aten, upsample_bilinear2d_backward) \
1457_(aten, upsample_linear1d) \
1458_(aten, upsample_linear1d_backward) \
1459_(aten, upsample_nearest1d) \
1460_(aten, upsample_nearest1d_backward) \
1461_(aten, upsample_nearest2d) \
1462_(aten, upsample_nearest2d_backward) \
1463_(aten, upsample_nearest3d) \
1464_(aten, upsample_nearest3d_backward) \
1465_(aten, upsample_trilinear3d) \
1466_(aten, upsample_trilinear3d_backward) \
1467_(aten, value_selecting_reduction_backward) \
1468_(aten, values) \
1469_(aten, values_copy) \
1470_(aten, vander) \
1471_(aten, var) \
1472_(aten, var_mean) \
1473_(aten, vdot) \
1474_(aten, view) \
1475_(aten, view_as) \
1476_(aten, view_as_complex) \
1477_(aten, view_as_complex_copy) \
1478_(aten, view_as_real) \
1479_(aten, view_as_real_copy) \
1480_(aten, view_copy) \
1481_(aten, vsplit) \
1482_(aten, vstack) \
1483_(aten, where) \
1484_(aten, xlogy) \
1485_(aten, xlogy_) \
1486_(aten, zero) \
1487_(aten, zero_) \
1488_(aten, zeros) \
1489_(aten, zeros_like)
1490
1491#define FORALL_ATTR_BASE_SYMBOLS(_) \
1492_(attr, A) \
1493_(attr, B) \
1494_(attr, C) \
1495_(attr, H) \
1496_(attr, HxW) \
1497_(attr, K) \
1498_(attr, L) \
1499_(attr, LD) \
1500_(attr, LU) \
1501_(attr, LU_data) \
1502_(attr, LU_pivots) \
1503_(attr, M) \
1504_(attr, N) \
1505_(attr, P) \
1506_(attr, Q) \
1507_(attr, R) \
1508_(attr, S) \
1509_(attr, U) \
1510_(attr, UPLO) \
1511_(attr, V) \
1512_(attr, Vh) \
1513_(attr, W) \
1514_(attr, X) \
1515_(attr, a) \
1516_(attr, abs) \
1517_(attr, accumulate) \
1518_(attr, addends) \
1519_(attr, adjoint) \
1520_(attr, align_corners) \
1521_(attr, allow_tf32) \
1522_(attr, alpha) \
1523_(attr, amsgrad) \
1524_(attr, anchor) \
1525_(attr, angle) \
1526_(attr, api_name) \
1527_(attr, append) \
1528_(attr, approximate) \
1529_(attr, arg1) \
1530_(attr, arg2) \
1531_(attr, arg3) \
1532_(attr, arg_out) \
1533_(attr, assume_unique) \
1534_(attr, atol) \
1535_(attr, attn_mask) \
1536_(attr, average_attn_weights) \
1537_(attr, averaging_const) \
1538_(attr, aweights) \
1539_(attr, axis) \
1540_(attr, axis0) \
1541_(attr, axis1) \
1542_(attr, b) \
1543_(attr, b_hh) \
1544_(attr, b_ih) \
1545_(attr, bag_size) \
1546_(attr, base) \
1547_(attr, batch1) \
1548_(attr, batch2) \
1549_(attr, batch_dim) \
1550_(attr, batch_first) \
1551_(attr, batch_size) \
1552_(attr, batch_sizes) \
1553_(attr, benchmark) \
1554_(attr, beta) \
1555_(attr, beta1) \
1556_(attr, beta2) \
1557_(attr, bias) \
1558_(attr, bias_defined) \
1559_(attr, bias_g) \
1560_(attr, bias_sizes) \
1561_(attr, bidirectional) \
1562_(attr, bin_edges) \
1563_(attr, bins) \
1564_(attr, bit_width) \
1565_(attr, blank) \
1566_(attr, blocksize) \
1567_(attr, boundaries) \
1568_(attr, buffer) \
1569_(attr, causal) \
1570_(attr, ccol_indices) \
1571_(attr, cdim) \
1572_(attr, cdist) \
1573_(attr, ceil_mode) \
1574_(attr, cell_state_fwd) \
1575_(attr, center) \
1576_(attr, ch_axis) \
1577_(attr, check_errors) \
1578_(attr, chunk_grad_outputs) \
1579_(attr, chunks) \
1580_(attr, coalesced) \
1581_(attr, coefficients) \
1582_(attr, col) \
1583_(attr, col_indices) \
1584_(attr, col_offsets) \
1585_(attr, col_offsets_hh) \
1586_(attr, col_offsets_ih) \
1587_(attr, compressed_idx) \
1588_(attr, compressed_indices) \
1589_(attr, compressed_indices_dtype) \
1590_(attr, compute_log_sumexp) \
1591_(attr, compute_mode) \
1592_(attr, compute_uv) \
1593_(attr, compute_v) \
1594_(attr, condition) \
1595_(attr, copy) \
1596_(attr, correction) \
1597_(attr, count) \
1598_(attr, count_include_pad) \
1599_(attr, counts) \
1600_(attr, cpu_dtype) \
1601_(attr, cpu_enabled) \
1602_(attr, cpu_nested_shape_example) \
1603_(attr, create_graph) \
1604_(attr, crow_indices) \
1605_(attr, cu_seqlens_k) \
1606_(attr, cu_seqlens_q) \
1607_(attr, cuda_dtype) \
1608_(attr, cuda_enabled) \
1609_(attr, cudnn_enable) \
1610_(attr, cudnn_enabled) \
1611_(attr, cum_seq_k) \
1612_(attr, cum_seq_q) \
1613_(attr, cx) \
1614_(attr, cx_) \
1615_(attr, cx_tmp) \
1616_(attr, cy) \
1617_(attr, cy_) \
1618_(attr, d) \
1619_(attr, data) \
1620_(attr, decimals) \
1621_(attr, delta) \
1622_(attr, dense) \
1623_(attr, dense_dim) \
1624_(attr, density) \
1625_(attr, descending) \
1626_(attr, destination) \
1627_(attr, deterministic) \
1628_(attr, device) \
1629_(attr, device_index) \
1630_(attr, dgrad_glu) \
1631_(attr, diagonal) \
1632_(attr, diagonals) \
1633_(attr, dilation) \
1634_(attr, dim) \
1635_(attr, dim0) \
1636_(attr, dim1) \
1637_(attr, dim2) \
1638_(attr, dimension) \
1639_(attr, dims) \
1640_(attr, dims_other) \
1641_(attr, dims_self) \
1642_(attr, divisor_override) \
1643_(attr, downscale_factor) \
1644_(attr, driver) \
1645_(attr, dropout) \
1646_(attr, dropout_mask) \
1647_(attr, dropout_p) \
1648_(attr, dropout_seed) \
1649_(attr, dropout_state) \
1650_(attr, dst) \
1651_(attr, dtype) \
1652_(attr, dual) \
1653_(attr, dummy) \
1654_(attr, dx) \
1655_(attr, edge_order) \
1656_(attr, eigenvalues) \
1657_(attr, eigenvectors) \
1658_(attr, eigvals) \
1659_(attr, eigvecs) \
1660_(attr, element) \
1661_(attr, elements) \
1662_(attr, ellipsis_idx) \
1663_(attr, embed_dim) \
1664_(attr, end) \
1665_(attr, end_dim) \
1666_(attr, eps) \
1667_(attr, epsilon) \
1668_(attr, equal_nan) \
1669_(attr, equation) \
1670_(attr, exp_avg_sqs) \
1671_(attr, exp_avgs) \
1672_(attr, expand1) \
1673_(attr, expand2) \
1674_(attr, expand3) \
1675_(attr, exponent) \
1676_(attr, exponential_average_factor) \
1677_(attr, fake_quant_enabled) \
1678_(attr, fake_quant_on) \
1679_(attr, ffn_bias_1) \
1680_(attr, ffn_bias_2) \
1681_(attr, ffn_weight_1) \
1682_(attr, ffn_weight_2) \
1683_(attr, filename) \
1684_(attr, fill_value) \
1685_(attr, flat) \
1686_(attr, forward) \
1687_(attr, found_inf) \
1688_(attr, from) \
1689_(attr, full) \
1690_(attr, full_matrices) \
1691_(attr, fuse_transform_0213) \
1692_(attr, fweights) \
1693_(attr, g) \
1694_(attr, gO) \
1695_(attr, generator) \
1696_(attr, ggI) \
1697_(attr, ggW) \
1698_(attr, ggb) \
1699_(attr, glu) \
1700_(attr, grad) \
1701_(attr, grad_bias) \
1702_(attr, grad_cy) \
1703_(attr, grad_factor) \
1704_(attr, grad_glu) \
1705_(attr, grad_hy) \
1706_(attr, grad_in) \
1707_(attr, grad_input) \
1708_(attr, grad_out) \
1709_(attr, grad_out_) \
1710_(attr, grad_output) \
1711_(attr, grad_scale) \
1712_(attr, grad_w) \
1713_(attr, grad_weight) \
1714_(attr, grad_x) \
1715_(attr, grad_y) \
1716_(attr, gradient) \
1717_(attr, grads) \
1718_(attr, grid) \
1719_(attr, group) \
1720_(attr, groups) \
1721_(attr, growth_interval) \
1722_(attr, growth_tracker) \
1723_(attr, half_to_float) \
1724_(attr, has_bias) \
1725_(attr, has_biases) \
1726_(attr, hermitian) \
1727_(attr, hidden_bias) \
1728_(attr, hidden_gates) \
1729_(attr, hidden_size) \
1730_(attr, high) \
1731_(attr, hist) \
1732_(attr, hop_length) \
1733_(attr, hx) \
1734_(attr, hx_) \
1735_(attr, hy_) \
1736_(attr, i1) \
1737_(attr, i2) \
1738_(attr, i3) \
1739_(attr, ignore_index) \
1740_(attr, imag) \
1741_(attr, impl_index) \
1742_(attr, implicit) \
1743_(attr, include_last_offset) \
1744_(attr, include_self) \
1745_(attr, incr_key) \
1746_(attr, incr_value) \
1747_(attr, increasing) \
1748_(attr, ind) \
1749_(attr, index) \
1750_(attr, indexing) \
1751_(attr, indices) \
1752_(attr, info) \
1753_(attr, initial) \
1754_(attr, input) \
1755_(attr, input1) \
1756_(attr, input2) \
1757_(attr, input3) \
1758_(attr, input_bias) \
1759_(attr, input_dtype) \
1760_(attr, input_g) \
1761_(attr, input_gates) \
1762_(attr, input_lengths) \
1763_(attr, input_scale) \
1764_(attr, input_size) \
1765_(attr, input_sizes) \
1766_(attr, inputs) \
1767_(attr, interpolation) \
1768_(attr, interpolation_mode) \
1769_(attr, inv_scale) \
1770_(attr, inverse) \
1771_(attr, invert) \
1772_(attr, invstd) \
1773_(attr, is_causal) \
1774_(attr, is_crow) \
1775_(attr, is_matrix) \
1776_(attr, is_result) \
1777_(attr, is_target) \
1778_(attr, k) \
1779_(attr, keepdim) \
1780_(attr, kernel_size) \
1781_(attr, key) \
1782_(attr, label_smoothing) \
1783_(attr, lambd) \
1784_(attr, largest) \
1785_(attr, last_dim_size) \
1786_(attr, layout) \
1787_(attr, left) \
1788_(attr, length) \
1789_(attr, lengths) \
1790_(attr, level) \
1791_(attr, like) \
1792_(attr, list) \
1793_(attr, log_alpha) \
1794_(attr, log_input) \
1795_(attr, log_probs) \
1796_(attr, log_target) \
1797_(attr, logabsdet) \
1798_(attr, logsumexp) \
1799_(attr, low) \
1800_(attr, lower) \
1801_(attr, lr) \
1802_(attr, ltm) \
1803_(attr, m) \
1804_(attr, mantissa) \
1805_(attr, margin) \
1806_(attr, mask) \
1807_(attr, mask_check) \
1808_(attr, mask_type) \
1809_(attr, mat) \
1810_(attr, mat1) \
1811_(attr, mat2) \
1812_(attr, matrices) \
1813_(attr, max) \
1814_(attr, max_exp_avg_sqs) \
1815_(attr, max_k) \
1816_(attr, max_norm) \
1817_(attr, max_q) \
1818_(attr, max_seqlen_q) \
1819_(attr, max_size) \
1820_(attr, max_val) \
1821_(attr, max_values) \
1822_(attr, maximize) \
1823_(attr, maximum_indices) \
1824_(attr, maxnorm) \
1825_(attr, mean) \
1826_(attr, mean_dy) \
1827_(attr, mean_dy_xmu) \
1828_(attr, median) \
1829_(attr, memory_format) \
1830_(attr, min) \
1831_(attr, min_indices) \
1832_(attr, min_val) \
1833_(attr, minlength) \
1834_(attr, mode) \
1835_(attr, momentum) \
1836_(attr, n) \
1837_(attr, n_bins) \
1838_(attr, n_fft) \
1839_(attr, names) \
1840_(attr, nan) \
1841_(attr, need_attn_weights) \
1842_(attr, need_weights) \
1843_(attr, neg_log_likelihood) \
1844_(attr, negative) \
1845_(attr, negative_slope) \
1846_(attr, neginf) \
1847_(attr, nested_size) \
1848_(attr, nested_strides) \
1849_(attr, new_data) \
1850_(attr, nnz) \
1851_(attr, noise) \
1852_(attr, non_blocking) \
1853_(attr, norm) \
1854_(attr, norm_bias_1) \
1855_(attr, norm_bias_2) \
1856_(attr, norm_first) \
1857_(attr, norm_type) \
1858_(attr, norm_weight_1) \
1859_(attr, norm_weight_2) \
1860_(attr, normalization) \
1861_(attr, normalized) \
1862_(attr, normalized_shape) \
1863_(attr, nt_example) \
1864_(attr, num_classes) \
1865_(attr, num_generated) \
1866_(attr, num_groups) \
1867_(attr, num_head) \
1868_(attr, num_heads) \
1869_(attr, num_layers) \
1870_(attr, num_samples) \
1871_(attr, num_weights) \
1872_(attr, numel) \
1873_(attr, observer_on) \
1874_(attr, offset) \
1875_(attr, offset2bag) \
1876_(attr, offsets) \
1877_(attr, onesided) \
1878_(attr, ord) \
1879_(attr, order) \
1880_(attr, other) \
1881_(attr, out) \
1882_(attr, out0) \
1883_(attr, out1) \
1884_(attr, out2) \
1885_(attr, out3) \
1886_(attr, out4) \
1887_(attr, out5) \
1888_(attr, out6) \
1889_(attr, out_dim) \
1890_(attr, out_int32) \
1891_(attr, outdim) \
1892_(attr, output) \
1893_(attr, output_mask) \
1894_(attr, output_padding) \
1895_(attr, output_scale) \
1896_(attr, output_size) \
1897_(attr, output_zero_point) \
1898_(attr, p) \
1899_(attr, packed) \
1900_(attr, packed_hh) \
1901_(attr, packed_ih) \
1902_(attr, packed_weight) \
1903_(attr, pad) \
1904_(attr, pad_mode) \
1905_(attr, padded) \
1906_(attr, padding) \
1907_(attr, padding_idx) \
1908_(attr, padding_mode) \
1909_(attr, padding_value) \
1910_(attr, params) \
1911_(attr, path) \
1912_(attr, pdist) \
1913_(attr, per_row_fake_quant) \
1914_(attr, per_sample_weights) \
1915_(attr, periodic) \
1916_(attr, philox_offset) \
1917_(attr, philox_seed) \
1918_(attr, pin_memory) \
1919_(attr, pivot) \
1920_(attr, pivots) \
1921_(attr, plain_idx) \
1922_(attr, plain_indices) \
1923_(attr, pos_weight) \
1924_(attr, posinf) \
1925_(attr, positive) \
1926_(attr, pow) \
1927_(attr, prepend) \
1928_(attr, primal) \
1929_(attr, prob) \
1930_(attr, proj_bias) \
1931_(attr, proj_size) \
1932_(attr, proj_weight) \
1933_(attr, q) \
1934_(attr, qkv) \
1935_(attr, qkv_bias) \
1936_(attr, qkv_weight) \
1937_(attr, qtensor) \
1938_(attr, quant_max) \
1939_(attr, quant_min) \
1940_(attr, quasi) \
1941_(attr, query) \
1942_(attr, r) \
1943_(attr, random_samples) \
1944_(attr, range) \
1945_(attr, rank) \
1946_(attr, ratio) \
1947_(attr, rcond) \
1948_(attr, real) \
1949_(attr, reduce) \
1950_(attr, reduce_range) \
1951_(attr, reduction) \
1952_(attr, repeats) \
1953_(attr, replacement) \
1954_(attr, requires_grad) \
1955_(attr, reserve) \
1956_(attr, reserveSpace) \
1957_(attr, reservedSpace) \
1958_(attr, residuals) \
1959_(attr, result) \
1960_(attr, retain_graph) \
1961_(attr, return_complex) \
1962_(attr, return_counts) \
1963_(attr, return_debug_mask) \
1964_(attr, return_inverse) \
1965_(attr, reverse) \
1966_(attr, right) \
1967_(attr, rounding_mode) \
1968_(attr, row) \
1969_(attr, row_indices) \
1970_(attr, rstd) \
1971_(attr, rtol) \
1972_(attr, running_max) \
1973_(attr, running_mean) \
1974_(attr, running_min) \
1975_(attr, running_var) \
1976_(attr, s) \
1977_(attr, save_invstd) \
1978_(attr, save_mean) \
1979_(attr, save_var) \
1980_(attr, save_var_transform) \
1981_(attr, saved_g) \
1982_(attr, saved_norms) \
1983_(attr, saved_v) \
1984_(attr, scalar) \
1985_(attr, scalar1) \
1986_(attr, scalar2) \
1987_(attr, scalars) \
1988_(attr, scale) \
1989_(attr, scale_backoff_factor) \
1990_(attr, scale_factors) \
1991_(attr, scale_grad_by_freq) \
1992_(attr, scale_growth_factor) \
1993_(attr, scale_hh) \
1994_(attr, scale_ih) \
1995_(attr, scales) \
1996_(attr, scales_d) \
1997_(attr, scales_h) \
1998_(attr, scales_w) \
1999_(attr, sections) \
2000_(attr, self) \
2001_(attr, self_is_result) \
2002_(attr, self_num_batch_dims) \
2003_(attr, self_or_result) \
2004_(attr, self_sizes) \
2005_(attr, sequences) \
2006_(attr, shape) \
2007_(attr, shared) \
2008_(attr, shifts) \
2009_(attr, side) \
2010_(attr, sigma) \
2011_(attr, sign) \
2012_(attr, singular_values) \
2013_(attr, size) \
2014_(attr, sizes) \
2015_(attr, sobolstate) \
2016_(attr, solution) \
2017_(attr, some) \
2018_(attr, sorted) \
2019_(attr, sorted_sequence) \
2020_(attr, sorter) \
2021_(attr, source) \
2022_(attr, spacing) \
2023_(attr, sparse) \
2024_(attr, sparse_dim) \
2025_(attr, sparse_grad) \
2026_(attr, split_size) \
2027_(attr, split_sizes) \
2028_(attr, src) \
2029_(attr, stable) \
2030_(attr, start) \
2031_(attr, start_dim) \
2032_(attr, state_steps) \
2033_(attr, std) \
2034_(attr, step) \
2035_(attr, steps) \
2036_(attr, storage_offset) \
2037_(attr, stride) \
2038_(attr, sumdim) \
2039_(attr, swap) \
2040_(attr, symmetric_quant) \
2041_(attr, t) \
2042_(attr, tangent) \
2043_(attr, target) \
2044_(attr, target_lengths) \
2045_(attr, targets) \
2046_(attr, tau) \
2047_(attr, tensor) \
2048_(attr, tensor1) \
2049_(attr, tensor2) \
2050_(attr, tensor_indices_or_sections) \
2051_(attr, tensors) \
2052_(attr, tensors1) \
2053_(attr, test_element) \
2054_(attr, test_elements) \
2055_(attr, the_template) \
2056_(attr, theta) \
2057_(attr, threshold) \
2058_(attr, to) \
2059_(attr, tol) \
2060_(attr, total) \
2061_(attr, total_length) \
2062_(attr, total_weight) \
2063_(attr, train) \
2064_(attr, training) \
2065_(attr, transpose) \
2066_(attr, transposed) \
2067_(attr, type1) \
2068_(attr, type2) \
2069_(attr, unbiased) \
2070_(attr, unitriangular) \
2071_(attr, unpack_data) \
2072_(attr, unpack_pivots) \
2073_(attr, unroll_dim) \
2074_(attr, unsafe) \
2075_(attr, upper) \
2076_(attr, upscale_factor) \
2077_(attr, use_gelu) \
2078_(attr, use_input_stats) \
2079_(attr, v) \
2080_(attr, value) \
2081_(attr, values) \
2082_(attr, var) \
2083_(attr, vec) \
2084_(attr, vec1) \
2085_(attr, vec2) \
2086_(attr, w_hh) \
2087_(attr, w_ih) \
2088_(attr, weight) \
2089_(attr, weight0) \
2090_(attr, weight1) \
2091_(attr, weight2) \
2092_(attr, weight3) \
2093_(attr, weight4) \
2094_(attr, weight_arr) \
2095_(attr, weight_buf) \
2096_(attr, weight_decay) \
2097_(attr, weight_g) \
2098_(attr, weight_scale) \
2099_(attr, weight_stride0) \
2100_(attr, weight_zero_point) \
2101_(attr, weights) \
2102_(attr, win_length) \
2103_(attr, window) \
2104_(attr, window_length) \
2105_(attr, with_replacement) \
2106_(attr, workspace) \
2107_(attr, wrap) \
2108_(attr, x) \
2109_(attr, x1) \
2110_(attr, x2) \
2111_(attr, y) \
2112_(attr, z) \
2113_(attr, z_state) \
2114_(attr, zero_infinity) \
2115_(attr, zero_point) \
2116_(attr, zero_point_hh) \
2117_(attr, zero_point_ih) \
2118_(attr, zero_points)
2119