xref: /aosp_15_r20/external/pytorch/functorch/op_analysis/public_api (revision da0073e96a02ea20f0ac840b70461e3646d07c45)
1__imul__
2__matmul__
3__radd__
4__rand__
5__rdiv__
6__rmatmul__
7__rmod__
8__rmul__
9__ror__
10__rpow__
11__rrshift__
12__rsub__
13__rxor__
14add
15atan2
16bitwise_and
17bitwise_left_shift
18bitwise_or
19bitwise_right_shift
20bitwise_xor
21complex
22copysign
23div
24eq
25float_power
26floor_divide
27fmax
28fmin
29fmod
30gcd
31ge
32gt
33heaviside
34hypot
35igamma
36igammac
37isclose
38lcm
39ldexp
40le
41logical_and
42logical_or
43logical_xor
44lt
45maximum
46minimum
47mul
48ne
49nextafter
50polar
51pow
52remainder
53rsub
54special.xlog1py
55special.zeta
56sub
57true_divide
58xlogy
59abs
60acos
61acosh
62angle
63asin
64asinh
65atan
66atanh
67bitwise_not
68ceil
69conj
70conj_physical
71cos
72cosh
73deg2rad
74digamma
75erf
76erfc
77erfinv
78exp
79exp2
80expm1
81floor
82frac
83frexp
84i0
85imag
86isfinite
87isinf
88isnan
89isneginf
90isposinf
91isreal
92lgamma
93log
94log10
95log1p
96log2
97logical_not
98logit
99multigammaln
100nan_to_num
101neg
102nn.functional.celu
103nn.functional.elu
104nn.functional.hardsigmoid
105nn.functional.logsigmoid
106nn.functional.mish
107nn.functional.rrelu
108nn.functional.selu
109nn.functional.silu
110nn.functional.softsign
111nn.functional.tanhshrink
112polygamma
113positive
114rad2deg
115real
116reciprocal
117round
118rsqrt
119sgn
120sigmoid
121sign
122signbit
123sin
124sinc
125sinh
126special.entr
127special.erfcx
128special.i0e
129special.i1
130special.i1e
131special.log_ndtr
132special.ndtr
133special.ndtri
134special.polygamma
135sqrt
136square
137tan
138tanh
139trunc
140fft_fftfreq
141fft_rfftfreq
142fft.fft
143fft.fft2
144fft.fftn
145fft.fftshift
146fft.hfft
147fft.hfft2
148fft.hfftn
149fft.ifft
150fft.ifft2
151fft.ifftn
152fft.ifftshift
153fft.ihfft
154fft.ihfft2
155fft.ihfftn
156fft.irfft
157fft.irfft2
158fft.irfftn
159fft.rfft
160fft.rfft2
161fft.rfftn
162istft
163stft
164as_strided
165atleast_1d
166atleast_2d
167atleast_3d
168broadcast_shapes
169broadcast_tensors
170broadcast_to
171cat
172chunk
173column_stack
174contiguous
175dsplit
176dstack
177expand
178expand_as
179flatten
180flip
181fliplr
182flipud
183H
184hsplit
185hstack
186mH / adjoint
187movedim
188mT
189narrow
190narrow_copy
191permute
192ravel
193repeat
194repeat_interleave
195reshape
196reshape_as
197resize_
198resize_as_
199roll
200rot90
201split
202split_with_sizes
203squeeze
204stack
205swapaxes
206T
207t
208tensor_split
209tile
210transpose
211unbind
212unflatten
213unfold
214unsqueeze
215view
216view_as
217vsplit
218vstack
219addbmm
220addmm
221addmv
222addr
223baddbmm
224block_diag
225bmm
226cartesian_prod
227chain_matmul
228cholesky
229cholesky_inverse
230cholesky_solve
231cross
232diag
233diag_embed
234diagflat
235diagonal
236dot
237eig
238einsum
239frobenius_norm
240geqrf
241ger
242inner
243inverse
244kron
245linalg.cholesky
246linalg.cholesky_ex
247linalg.cond
248linalg.cross
249linalg.det
250linalg.eig
251linalg.eigh
252linalg.eigvals
253linalg.eigvalsh
254linalg.householder_product
255linalg.inv
256linalg.inv_ex
257linalg.lstsq
258linalg.lu_factor
259linalg.lu_factor_ex
260linalg.matrix_norm
261linalg.matrix_power
262linalg.matrix_rank
263linalg.multi_dot
264linalg.norm
265linalg.pinv
266linalg.qr
267linalg.slogdet
268linalg.solve
269linalg.solve_triangular
270linalg.svd
271linalg.svdvals
272linalg.tensorinv
273linalg.tensorsolve
274linalg.vector_norm
275lobpcg
276logaddexp
277logaddexp2
278logdet
279lu
280lu_solve
281lu_unpack
282matmul
283matrix_exp
284mm
285mv
286norm
287nuclear_norm
288orgqr
289ormqr
290outer
291pca_lowrank
292pinverse
293qr
294renorm
295solve
296svd
297svd_lowrank
298symeig
299tensordot
300trace
301triangular_solve
302tril
303tril_indices
304triu
305triu_indices
306vdot
307all
308amax
309amin
310nanquantile
311quantile
312sum
313nansum
314aminmax
315any
316argmax
317std
318var
319var_mean
320std_mean
321argmin
322cummax
323cummin
324cumprod
325cumsum
326logcumsumexp
327logsumexp
328max
329mean
330median
331min
332mode
333nanmean
334nanmedian
335nanquantile
336nansum
337quantile
338std
339std_mean
340sum
341var
342var_mean
343cumulative_trapezoid
344diff
345gradient
346grid_sampler
347grid_sampler_2d
348grid_sampler_3d
349lerp
350trapezoid
351trapz
352arange
353as_tensor
354asarray
355bartlett_window
356blackman_window
357empty
358empty_like
359empty_strided
360eye
361from_numpy
362full
363full_like
364hamming_window
365hann_window
366kaiser_window
367linspace
368logspace
369meshgrid
370new
371new_empty
372new_empty
373new_empty_strided
374new_full
375new_full
376new_ones
377new_ones
378new_tensor
379new_zeros
380new_zeros
381normal
382ones
383ones_like
384rand
385rand_like
386randint
387randint_like
388randn
389randn_like
390random_
391randperm
392range
393tensor
394vander
395zeros
396zeros_like
397adaptive_max_pool1d_with_indices
398adaptive_max_pool2d_with_indices
399adaptive_max_pool3d_with_indices
400affine_grid
401alpha_dropout
402batch_norm_gather_stats_with_counts
403batch_norm_stats
404binary_cross_entropy
405binary_cross_entropy_with_logits
406cdist
407channel_shuffle
408constant_pad_nd
409conv3d
410convolution
411dist
412dropout3d
413feature_alpha_dropout
414feature_dropout
415fractional_max_pool2d_with_indices
416fractional_max_pool3d_with_indices
417gru_cell
418gumbel_softmax
419kl_div
420l1_loss
421log_softmax
422lp_pool1d
423lp_pool2d
424lp_pool3d
425lstm_cell
426margin_ranking_loss
427max_pool1d_with_indices
428max_pool2d_with_indices
429max_pool3d_with_indices
430max_unpool1d
431max_unpool2d
432max_unpool3d
433multi_head_attention_forward
434multi_margin_loss
435multilabel_margin_loss
436multilabel_soft_margin_loss
437native_batch_norm
438native_dropout
439native_layer_norm
440native_norm
441nn.functional.adaptive_avg_pool1d
442nn.functional.adaptive_avg_pool2d
443nn.functional.adaptive_avg_pool3d
444nn.functional.adaptive_max_pool1d
445nn.functional.adaptive_max_pool2d
446nn.functional.adaptive_max_pool3d
447nn.functional.avg_pool1d
448nn.functional.avg_pool2d
449nn.functional.avg_pool3d
450nn.functional.batch_norm
451nn.functional.bilinear
452nn.functional.conv_transpose1d
453nn.functional.conv_transpose2d
454nn.functional.conv_transpose3d
455nn.functional.conv1d
456nn.functional.conv2d
457nn.functional.cosine_embedding_loss
458nn.functional.cosine_similarity
459nn.functional.cross_entropy
460nn.functional.ctc_loss
461nn.functional.dropout
462nn.functional.dropout2d
463nn.functional.embedding
464nn.functional.embedding_bag
465nn.functional.feature_alpha_dropout
466nn.functional.fractional_max_pool2d
467nn.functional.fractional_max_pool3d
468nn.functional.gaussian_nll_loss
469nn.functional.gelu
470nn.functional.glu
471nn.functional.grid_sample
472nn.functional.group_norm
473nn.functional.hardshrink
474nn.functional.hardsigmoid
475nn.functional.hardswish
476nn.functional.hardtanh
477nn.functional.hinge_embedding_loss
478nn.functional.huber_loss
479nn.functional.instance_norm
480nn.functional.interpolate
481nn.functional.kl_div
482nn.functional.layer_norm
483nn.functional.leaky_relu
484nn.functional.linear
485nn.functional.local_response_norm
486nn.functional.logsigmoid
487nn.functional.max_pool1d
488nn.functional.max_pool2d
489nn.functional.max_pool3d
490nn.functional.mse_loss
491nn.functional.nll_loss
492nn.functional.normalize
493nn.functional.one_hot
494nn.functional.pad
495nn.functional.pairwise_distance
496nn.functional.pixel_shuffle
497nn.functional.pixel_unshuffle
498nn.functional.poisson_nll_loss
499nn.functional.prelu
500nn.functional.relu
501nn.functional.relu6
502nn.functional.softmin
503nn.functional.softplus
504nn.functional.softshrink
505nn.functional.softsign
506nn.functional.tanhshrink
507nn.functional.threshold
508nn.functional.unfold
509nn.functional.upsample_bilinear
510nn.functional.upsample_nearest
511pdist
512rnn_relu
513rnn_relu_cell
514rnn_tanh
515rnn_tanh_cell
516smooth_l1_loss
517soft_margin_loss
518softmax
519triplet_margin_loss
520triplet_margin_with_distance_loss
521argsort
522argwhere
523bincount
524bucketize
525corrcoef
526count_nonzero
527cov
528histc
529histogram
530histogramdd
531isin
532kthvalue
533msort
534nonzero
535searchsorted
536sort
537topk
538unique
539unique_consecutive
540clamp
541clamp_max
542clamp_min
543where
544diagonal_scatter
545gather
546scatter
547scatter_add
548scatter_reduce
549select_scatter
550slice_scatter
551index_add
552index_copy
553index_fill
554index_put
555index_select
556item
557put
558select
559take
560take_along_dim
561bfloat16
562bool
563byte
564char
565clone
566cpu
567cuda
568double
569fill_
570float
571half
572int
573long
574short
575type_as
576zero_
577coalesce
578dense_dim
579sparse_coo_tensor
580sparse_csr_tensor
581to_dense
582to_sparse
583to_sparse_coo
584complex
585conj
586conj_physical
587real
588resolve_conj
589resolve_neg
590view_as_complex
591view_as_real
592bernoulli
593binomial
594cauchy
595exponential_
596geometric_
597multinomial
598poisson
599__getitem__
600combinations
601is_complex
602is_floating_point
603is_signed
604sum_to_size
605masked.amax
606masked.amin
607masked.log_softmax
608masked.mean
609masked.norm
610masked.normalize
611masked.prod
612masked.softmax
613masked.softmin
614masked.std
615masked.sum
616masked.var
617masked_fill
618masked_scatter
619masked_select
620addcdiv
621addcmul
622allclose
623equal
624