Index _ | A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | Q | R | S | T | U | V | W | X | Z _ _indices() (torch.sparse.FloatTensor method) _nnz() (torch.sparse.FloatTensor method) _values() (torch.sparse.FloatTensor method) A abs() (in module torch) (torch.Tensor method) abs_() (torch.Tensor method) AbsTransform (class in torch.distributions.transforms) acos() (in module torch) (torch.Tensor method) acos_() (torch.Tensor method) Adadelta (class in torch.optim) Adagrad (class in torch.optim) Adam (class in torch.optim) Adamax (class in torch.optim) adaptive_avg_pool1d() (in module torch.nn.functional) adaptive_avg_pool2d() (in module torch.nn.functional) adaptive_avg_pool3d() (in module torch.nn.functional) adaptive_max_pool1d() (in module torch.nn.functional) adaptive_max_pool2d() (in module torch.nn.functional) adaptive_max_pool3d() (in module torch.nn.functional) AdaptiveAvgPool1d (class in torch.nn) AdaptiveAvgPool2d (class in torch.nn) AdaptiveAvgPool3d (class in torch.nn) AdaptiveLogSoftmaxWithLoss (class in torch.nn) AdaptiveMaxPool1d (class in torch.nn) AdaptiveMaxPool2d (class in torch.nn) AdaptiveMaxPool3d (class in torch.nn) add() (in module torch), [1], [2] (torch.Tensor method) (torch.sparse.FloatTensor method) add_() (torch.sparse.FloatTensor method) (torch.Tensor method) add_module() (torch.nn.Module method) add_param_group() (torch.optim.Optimizer method) addbmm() (in module torch) (torch.Tensor method) addbmm_() (torch.Tensor method) addcdiv() (in module torch) (torch.Tensor method) addcdiv_() (torch.Tensor method) addcmul() (in module torch) (torch.Tensor method) addcmul_() (torch.Tensor method) addmm() (in module torch) (in module torch.sparse) (torch.Tensor method) addmm_() (torch.Tensor method) addmv() (in module torch) (torch.Tensor method) addmv_() (torch.Tensor method) addr() (in module torch) (torch.Tensor method) addr_() (torch.Tensor method) affine_grid() (in module torch.nn.functional) AffineTransform (class in torch.distributions.transforms) all() (torch.ByteTensor method) all_gather() (in module torch.distributed.deprecated) all_gather_multigpu() (in module torch.distributed.deprecated) all_reduce() (in module torch.distributed.deprecated) all_reduce_multigpu() (in module torch.distributed.deprecated) allclose() (in module torch) (torch.Tensor method) alpha_dropout() (in module torch.nn.functional) AlphaDropout (class in torch.nn) any() (torch.ByteTensor method) append() (torch.nn.ModuleList method) (torch.nn.ParameterList method) apply() (torch.nn.Module method) apply_() (torch.Tensor method) arange() (in module torch) arg_constraints (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.beta.Beta attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.cauchy.Cauchy attribute) (torch.distributions.chi2.Chi2 attribute) (torch.distributions.dirichlet.Dirichlet attribute) (torch.distributions.distribution.Distribution attribute) (torch.distributions.exponential.Exponential attribute) (torch.distributions.fishersnedecor.FisherSnedecor attribute) (torch.distributions.gamma.Gamma attribute) (torch.distributions.geometric.Geometric attribute) (torch.distributions.gumbel.Gumbel attribute) (torch.distributions.half_cauchy.HalfCauchy attribute) (torch.distributions.half_normal.HalfNormal attribute) (torch.distributions.independent.Independent attribute) (torch.distributions.laplace.Laplace attribute) (torch.distributions.log_normal.LogNormal attribute) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.normal.Normal attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) (torch.distributions.pareto.Pareto attribute) (torch.distributions.poisson.Poisson attribute) (torch.distributions.relaxed_bernoulli.RelaxedBernoulli attribute) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical attribute) (torch.distributions.studentT.StudentT attribute) (torch.distributions.transformed_distribution.TransformedDistribution attribute) (torch.distributions.uniform.Uniform attribute) (torch.distributions.weibull.Weibull attribute) argmax() (in module torch) (torch.Tensor method) argmin() (in module torch) (torch.Tensor method) argsort() (in module torch) as_tensor() (in module torch) ASGD (class in torch.optim) asin() (in module torch) (torch.Tensor method) asin_() (torch.Tensor method) atan() (in module torch) (torch.Tensor method) atan2() (in module torch) (torch.Tensor method) atan2_() (torch.Tensor method) atan_() (torch.Tensor method) avg_pool1d() (in module torch.nn.functional) avg_pool2d() (in module torch.nn.functional) avg_pool3d() (in module torch.nn.functional) AvgPool1d (class in torch.nn) AvgPool2d (class in torch.nn) AvgPool3d (class in torch.nn) B backward() (in module torch.autograd) (torch.Tensor method) (torch.autograd.Function static method) baddbmm() (in module torch) (torch.Tensor method) baddbmm_() (torch.Tensor method) barrier() (in module torch.distributed.deprecated) bartlett_window() (in module torch) batch_norm() (in module torch.nn.functional) batch_shape (torch.distributions.distribution.Distribution attribute) BatchNorm1d (class in torch.nn) BatchNorm2d (class in torch.nn) BatchNorm3d (class in torch.nn) BatchSampler (class in torch.utils.data) BCELoss (class in torch.nn) BCEWithLogitsLoss (class in torch.nn) Bernoulli (class in torch.distributions.bernoulli) bernoulli() (in module torch) (torch.Tensor method) bernoulli_() (torch.Tensor method) Beta (class in torch.distributions.beta) Bilinear (class in torch.nn) bilinear() (in module torch.nn.functional) binary_cross_entropy() (in module torch.nn.functional) binary_cross_entropy_with_logits() (in module torch.nn.functional) bincount() (in module torch) Binomial (class in torch.distributions.binomial) blackman_window() (in module torch) bmm() (in module torch) (torch.Tensor method) broadcast() (in module torch.cuda.comm) (in module torch.distributed.deprecated) broadcast_coalesced() (in module torch.cuda.comm) broadcast_multigpu() (in module torch.distributed.deprecated) broadcast_tensors() (in module torch) btrifact() (in module torch) (torch.Tensor method) btrifact_with_info() (in module torch) (torch.Tensor method) btrisolve() (in module torch) (torch.Tensor method) btriunpack() (in module torch) buffers() (torch.nn.Module method) BuildExtension() (in module torch.utils.cpp_extension) byte() (torch.FloatStorage method) (torch.Tensor method) ByteTensor (class in torch) ByteTensor.all() (in module torch), [1] ByteTensor.any() (in module torch), [1] C calculate_gain() (in module torch.nn.init) cat() (in module torch) Categorical (class in torch.distributions.categorical) Cauchy (class in torch.distributions.cauchy) cauchy_() (torch.Tensor method) cdf() (torch.distributions.cauchy.Cauchy method) (torch.distributions.distribution.Distribution method) (torch.distributions.exponential.Exponential method) (torch.distributions.half_cauchy.HalfCauchy method) (torch.distributions.half_normal.HalfNormal method) (torch.distributions.laplace.Laplace method) (torch.distributions.normal.Normal method) (torch.distributions.transformed_distribution.TransformedDistribution method) (torch.distributions.uniform.Uniform method) ceil() (in module torch) (torch.Tensor method) ceil_() (torch.Tensor method) CELU (class in torch.nn) celu() (in module torch.nn.functional) chain_matmul() (in module torch) char() (torch.FloatStorage method) (torch.Tensor method) check() (torch.distributions.constraints.Constraint method) check_compiler_abi_compatibility() (in module torch.utils.cpp_extension) checkpoint() (in module torch.utils.checkpoint) checkpoint_sequential() (in module torch.utils.checkpoint) Chi2 (class in torch.distributions.chi2) children() (torch.nn.Module method) cholesky() (in module torch) (torch.Tensor method) chunk() (in module torch) (torch.Tensor method) clamp() (in module torch), [1], [2] (torch.Tensor method) clamp_() (torch.Tensor method) clear() (torch.nn.ModuleDict method) (torch.nn.ParameterDict method) clip_grad_norm_() (in module torch.nn.utils) clip_grad_value_() (in module torch.nn.utils) clone() (torch.FloatStorage method) (torch.Tensor method) (torch.sparse.FloatTensor method) coalesce() (torch.sparse.FloatTensor method) compiled_with_cxx11_abi() (in module torch) ComposeTransform (class in torch.distributions.transforms) ConcatDataset (class in torch.utils.data) concentration0 (torch.distributions.beta.Beta attribute) concentration1 (torch.distributions.beta.Beta attribute) constant_() (in module torch.nn.init) ConstantPad1d (class in torch.nn) ConstantPad2d (class in torch.nn) ConstantPad3d (class in torch.nn) Constraint (class in torch.distributions.constraints) ConstraintRegistry (class in torch.distributions.constraint_registry) contiguous() (torch.Tensor method) Conv1d (class in torch.nn) conv1d() (in module torch.nn.functional) Conv2d (class in torch.nn) conv2d() (in module torch.nn.functional) Conv3d (class in torch.nn) conv3d() (in module torch.nn.functional) conv_transpose1d() (in module torch.nn.functional) conv_transpose2d() (in module torch.nn.functional) conv_transpose3d() (in module torch.nn.functional) ConvTranspose1d (class in torch.nn) ConvTranspose2d (class in torch.nn) ConvTranspose3d (class in torch.nn) copy_() (torch.FloatStorage method) (torch.Tensor method) cos() (in module torch) (torch.Tensor method) cos_() (torch.Tensor method) cosh() (in module torch) (torch.Tensor method) cosh_() (torch.Tensor method) cosine_embedding_loss() (in module torch.nn.functional) cosine_similarity() (in module torch.nn.functional) CosineAnnealingLR (class in torch.optim.lr_scheduler) CosineEmbeddingLoss (class in torch.nn) CosineSimilarity (class in torch.nn) covariance_matrix (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) CppExtension() (in module torch.utils.cpp_extension) cpu() (torch.FloatStorage method) (torch.Tensor method) (torch.nn.Module method) cross() (in module torch) (torch.Tensor method) cross_entropy() (in module torch.nn.functional) CrossEntropyLoss (class in torch.nn) ctc_loss() (in module torch.nn.functional) CTCLoss (class in torch.nn) cuda() (torch.FloatStorage method) (torch.Tensor method) (torch.nn.Module method) CUDAExtension() (in module torch.utils.cpp_extension) cumprod() (in module torch) (torch.Tensor method) cumsum() (in module torch) (torch.Tensor method) current_blas_handle() (in module torch.cuda) current_device() (in module torch.cuda) current_stream() (in module torch.cuda) D data_parallel() (in module torch.nn.parallel) data_ptr() (torch.FloatStorage method) (torch.Tensor method) DataLoader (class in torch.utils.data) DataParallel (class in torch.nn) Dataset (class in torch.utils.data) default_generator (in module torch) dependent_property (in module torch.distributions.constraints) det() (in module torch) (torch.Tensor method) detach() (torch.Tensor method) detach_() (torch.Tensor method) detect_anomaly (class in torch.autograd) device (class in torch.cuda) (torch.Tensor attribute) device_count() (in module torch.cuda) device_ctx_manager (in module torch.cuda) device_of (class in torch.cuda) df (torch.distributions.chi2.Chi2 attribute) diag() (in module torch) (torch.Tensor method) diag_embed() (in module torch) (torch.Tensor method) diagflat() (in module torch) diagonal() (in module torch) digamma() (in module torch) dim() (torch.sparse.FloatTensor method) (torch.Tensor method) dirac_() (in module torch.nn.init) Dirichlet (class in torch.distributions.dirichlet) dist() (in module torch) (torch.Tensor method) DistributedDataParallel (class in torch.nn.parallel) DistributedDataParallelCPU (class in torch.nn.parallel) DistributedSampler (class in torch.utils.data.distributed) Distribution (class in torch.distributions.distribution) div() (in module torch), [1], [2] (torch.Tensor method) (torch.sparse.FloatTensor method) div_() (torch.sparse.FloatTensor method) (torch.Tensor method) dot() (in module torch) (torch.Tensor method) double() (torch.FloatStorage method) (torch.Tensor method) (torch.nn.Module method) Dropout (class in torch.nn) dropout() (in module torch.nn.functional) Dropout2d (class in torch.nn) dropout2d() (in module torch.nn.functional) Dropout3d (class in torch.nn) dropout3d() (in module torch.nn.functional) dump_patches (torch.nn.Module attribute) E eig() (in module torch) (torch.Tensor method) einsum() (in module torch) elapsed_time() (torch.cuda.Event method) element_size() (torch.FloatStorage method) (torch.Tensor method) ELU (class in torch.nn) elu() (in module torch.nn.functional) elu_() (in module torch.nn.functional) Embedding (class in torch.nn) embedding() (in module torch.nn.functional) embedding_bag() (in module torch.nn.functional) EmbeddingBag (class in torch.nn) emit_nvtx (class in torch.autograd.profiler) empty() (in module torch) empty_cache() (in module torch.cuda), [1] empty_like() (in module torch) enable_grad (class in torch.autograd) entropy() (torch.distributions.bernoulli.Bernoulli method) (torch.distributions.beta.Beta method) (torch.distributions.categorical.Categorical method) (torch.distributions.cauchy.Cauchy method) (torch.distributions.dirichlet.Dirichlet method) (torch.distributions.distribution.Distribution method) (torch.distributions.exp_family.ExponentialFamily method) (torch.distributions.exponential.Exponential method) (torch.distributions.gamma.Gamma method) (torch.distributions.geometric.Geometric method) (torch.distributions.gumbel.Gumbel method) (torch.distributions.half_cauchy.HalfCauchy method) (torch.distributions.half_normal.HalfNormal method) (torch.distributions.independent.Independent method) (torch.distributions.laplace.Laplace method) (torch.distributions.log_normal.LogNormal method) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal method) (torch.distributions.multivariate_normal.MultivariateNormal method) (torch.distributions.normal.Normal method) (torch.distributions.one_hot_categorical.OneHotCategorical method) (torch.distributions.pareto.Pareto method) (torch.distributions.studentT.StudentT method) (torch.distributions.uniform.Uniform method) (torch.distributions.weibull.Weibull method) enumerate_support() (torch.distributions.bernoulli.Bernoulli method) (torch.distributions.binomial.Binomial method) (torch.distributions.categorical.Categorical method) (torch.distributions.distribution.Distribution method) (torch.distributions.independent.Independent method) (torch.distributions.one_hot_categorical.OneHotCategorical method) environment variable PYTORCH_JIT=1 eq() (in module torch) (torch.Tensor method) eq_() (torch.Tensor method) equal() (in module torch) (torch.Tensor method) erf() (in module torch) (torch.Tensor method) erf_() (torch.Tensor method) erfc() (in module torch) (torch.Tensor method) erfc_() (torch.Tensor method) erfinv() (in module torch) (torch.Tensor method) erfinv_() (torch.Tensor method) eval() (torch.nn.Module method) Event (class in torch.cuda) event_shape (torch.distributions.distribution.Distribution attribute) exp() (in module torch) (torch.Tensor method) exp_() (torch.Tensor method) expand() (torch.distributions.bernoulli.Bernoulli method) (torch.Tensor method) (torch.distributions.beta.Beta method) (torch.distributions.binomial.Binomial method) (torch.distributions.categorical.Categorical method) (torch.distributions.cauchy.Cauchy method) (torch.distributions.chi2.Chi2 method) (torch.distributions.dirichlet.Dirichlet method) (torch.distributions.distribution.Distribution method) (torch.distributions.exponential.Exponential method) (torch.distributions.fishersnedecor.FisherSnedecor method) (torch.distributions.gamma.Gamma method) (torch.distributions.geometric.Geometric method) (torch.distributions.gumbel.Gumbel method) (torch.distributions.half_cauchy.HalfCauchy method) (torch.distributions.half_normal.HalfNormal method) (torch.distributions.independent.Independent method) (torch.distributions.laplace.Laplace method) (torch.distributions.log_normal.LogNormal method) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal method) (torch.distributions.multinomial.Multinomial method) (torch.distributions.multivariate_normal.MultivariateNormal method) (torch.distributions.negative_binomial.NegativeBinomial method) (torch.distributions.normal.Normal method) (torch.distributions.one_hot_categorical.OneHotCategorical method) (torch.distributions.pareto.Pareto method) (torch.distributions.poisson.Poisson method) (torch.distributions.relaxed_bernoulli.RelaxedBernoulli method) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical method) (torch.distributions.studentT.StudentT method) (torch.distributions.transformed_distribution.TransformedDistribution method) (torch.distributions.uniform.Uniform method) (torch.distributions.weibull.Weibull method) expand_as() (torch.Tensor method) expm1() (in module torch) (torch.Tensor method) expm1_() (torch.Tensor method) Exponential (class in torch.distributions.exponential) exponential_() (torch.Tensor method) ExponentialFamily (class in torch.distributions.exp_family) ExponentialLR (class in torch.optim.lr_scheduler) export() (in module torch.onnx) export_chrome_trace() (torch.autograd.profiler.profile method) ExpTransform (class in torch.distributions.transforms) extend() (torch.nn.ModuleList method) (torch.nn.ParameterList method) extra_repr() (torch.nn.Module method) eye() (in module torch) eye_() (in module torch.nn.init) F fft() (in module torch) fill_() (torch.FloatStorage method) (torch.Tensor method) FisherSnedecor (class in torch.distributions.fishersnedecor) flatten() (in module torch) (torch.Tensor method) flip() (in module torch) (torch.Tensor method) float() (torch.FloatStorage method) (torch.Tensor method) (torch.nn.Module method) FloatStorage (class in torch) FloatTensor (class in torch.sparse) floor() (in module torch) (torch.Tensor method) floor_() (torch.Tensor method) fmod() (in module torch) (torch.Tensor method) fmod_() (torch.Tensor method) Fold (class in torch.nn) fold() (in module torch.nn.functional) forward() (torch.autograd.Function static method) (torch.nn.Module method) frac() (in module torch) (torch.Tensor method) frac_() (torch.Tensor method) FractionalMaxPool2d (class in torch.nn) from_buffer() (torch.FloatStorage static method) from_dlpack() (in module torch.utils.dlpack) from_file() (torch.FloatStorage static method) from_numpy() (in module torch) from_pretrained() (torch.nn.Embedding class method) full() (in module torch) full_like() (in module torch) Function (class in torch.autograd) G Gamma (class in torch.distributions.gamma) gather() (in module torch) (in module torch.cuda.comm) (in module torch.distributed.deprecated) (torch.Tensor method) ge() (in module torch) (torch.Tensor method) ge_() (torch.Tensor method) gels() (in module torch) (torch.Tensor method) Geometric (class in torch.distributions.geometric) geometric_() (torch.Tensor method) geqrf() (in module torch) (torch.Tensor method) ger() (in module torch) (torch.Tensor method) gesv() (in module torch) (torch.Tensor method) get_all_sharing_strategies() (in module torch.multiprocessing) get_default_dtype() (in module torch) get_device() (torch.sparse.FloatTensor method) (torch.Tensor method) get_device_capability() (in module torch.cuda) get_device_name() (in module torch.cuda) get_num_threads() (in module torch) get_rank() (in module torch.distributed.deprecated) get_rng_state() (in module torch) (in module torch.cuda) get_sharing_strategy() (in module torch.multiprocessing) get_world_size() (in module torch.distributed.deprecated) glu() (in module torch.nn.functional) grad (torch.Tensor attribute) grad() (in module torch.autograd) gradcheck() (in module torch.autograd) gradgradcheck() (in module torch.autograd) greater_than (in module torch.distributions.constraints) greater_than_eq (in module torch.distributions.constraints) grid_sample() (in module torch.nn.functional) GroupNorm (class in torch.nn) GRU (class in torch.nn) GRUCell (class in torch.nn) gt() (in module torch) (torch.Tensor method) gt_() (torch.Tensor method) Gumbel (class in torch.distributions.gumbel) gumbel_softmax() (in module torch.nn.functional) H half() (torch.FloatStorage method) (torch.Tensor method) (torch.nn.Module method) half_open_interval (in module torch.distributions.constraints) HalfCauchy (class in torch.distributions.half_cauchy) HalfNormal (class in torch.distributions.half_normal) hamming_window() (in module torch) hann_window() (in module torch) Hardshrink (class in torch.nn) hardshrink() (in module torch.nn.functional) Hardtanh (class in torch.nn) hardtanh() (in module torch.nn.functional) hardtanh_() (in module torch.nn.functional) has_enumerate_support (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.independent.Independent attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) has_rsample (torch.distributions.beta.Beta attribute) (torch.distributions.cauchy.Cauchy attribute) (torch.distributions.dirichlet.Dirichlet attribute) (torch.distributions.exponential.Exponential attribute) (torch.distributions.fishersnedecor.FisherSnedecor attribute) (torch.distributions.gamma.Gamma attribute) (torch.distributions.half_cauchy.HalfCauchy attribute) (torch.distributions.half_normal.HalfNormal attribute) (torch.distributions.independent.Independent attribute) (torch.distributions.laplace.Laplace attribute) (torch.distributions.log_normal.LogNormal attribute) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) (torch.distributions.normal.Normal attribute) (torch.distributions.relaxed_bernoulli.RelaxedBernoulli attribute) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical attribute) (torch.distributions.studentT.StudentT attribute) (torch.distributions.transformed_distribution.TransformedDistribution attribute) (torch.distributions.uniform.Uniform attribute) hinge_embedding_loss() (in module torch.nn.functional) HingeEmbeddingLoss (class in torch.nn) histc() (in module torch) (torch.Tensor method) hspmm() (torch.sparse.FloatTensor method) I icdf() (torch.distributions.cauchy.Cauchy method) (torch.distributions.distribution.Distribution method) (torch.distributions.exponential.Exponential method) (torch.distributions.half_cauchy.HalfCauchy method) (torch.distributions.half_normal.HalfNormal method) (torch.distributions.laplace.Laplace method) (torch.distributions.normal.Normal method) (torch.distributions.transformed_distribution.TransformedDistribution method) (torch.distributions.uniform.Uniform method) ifft() (in module torch) include_paths() (in module torch.utils.cpp_extension) Independent (class in torch.distributions.independent) index_add_() (torch.Tensor method) index_copy_() (torch.Tensor method) index_fill_() (torch.Tensor method) index_put_() (torch.Tensor method) index_select() (in module torch) (torch.Tensor method) init() (in module torch.cuda) init_process_group() (in module torch.distributed.deprecated) initial_seed() (in module torch) (in module torch.cuda) insert() (torch.nn.ModuleList method) instance_norm() (in module torch.nn.functional) InstanceNorm1d (class in torch.nn) InstanceNorm2d (class in torch.nn) InstanceNorm3d (class in torch.nn) int() (torch.FloatStorage method) (torch.Tensor method) integer_interval (in module torch.distributions.constraints) interpolate() (in module torch.nn.functional) interval (in module torch.distributions.constraints) inv (torch.distributions.transforms.Transform attribute) inverse() (in module torch) (torch.Tensor method) ipc_handle() (torch.cuda.Event method) irecv() (in module torch.distributed.deprecated) irfft() (in module torch) is_available() (in module torch.cuda) is_coalesced() (torch.sparse.FloatTensor method) is_contiguous() (torch.Tensor method) is_cuda (torch.FloatStorage attribute) (torch.Tensor attribute) is_leaf (torch.Tensor attribute) is_pinned() (torch.FloatStorage method) (torch.Tensor method) is_set_to() (torch.Tensor method) is_shared() (torch.FloatStorage method) is_signed() (torch.Tensor method) is_sparse (torch.FloatStorage attribute) is_storage() (in module torch) is_tensor() (in module torch) isend() (in module torch.distributed.deprecated) isfinite() (in module torch) isinf() (in module torch) isnan() (in module torch) item() (torch.Tensor method) items() (torch.nn.ModuleDict method) (torch.nn.ParameterDict method) J join() (torch.multiprocessing.SpawnContext method) K kaiming_normal_() (in module torch.nn.init) kaiming_uniform_() (in module torch.nn.init) key_averages() (torch.autograd.profiler.profile method) keys() (torch.nn.ModuleDict method) (torch.nn.ParameterDict method) kl_div() (in module torch.nn.functional) kl_divergence() (in module torch.distributions.kl) KLDivLoss (class in torch.nn) kthvalue() (in module torch) (torch.Tensor method) L l1_loss() (in module torch.nn.functional) L1Loss (class in torch.nn) LambdaLR (class in torch.optim.lr_scheduler) Laplace (class in torch.distributions.laplace) layer_norm() (in module torch.nn.functional) LayerNorm (class in torch.nn) LBFGS (class in torch.optim) le() (in module torch) (torch.Tensor method) le_() (torch.Tensor method) leaky_relu() (in module torch.nn.functional) leaky_relu_() (in module torch.nn.functional) LeakyReLU (class in torch.nn) lerp() (in module torch) (torch.Tensor method) lerp_() (torch.Tensor method) less_than (in module torch.distributions.constraints) Linear (class in torch.nn) linear() (in module torch.nn.functional) linspace() (in module torch) load() (in module torch) (in module torch.hub) (in module torch.jit) (in module torch.utils.cpp_extension) load_inline() (in module torch.utils.cpp_extension) load_nvprof() (in module torch.autograd.profiler) load_state_dict() (torch.nn.Module method) (torch.optim.Optimizer method) (torch.optim.lr_scheduler.LambdaLR method) load_url() (in module torch.utils.model_zoo) loc (torch.distributions.log_normal.LogNormal attribute) local_response_norm() (in module torch.nn.functional) LocalResponseNorm (class in torch.nn) log() (in module torch) (torch.Tensor method) log10() (in module torch) (torch.Tensor method) log10_() (torch.Tensor method) log1p() (in module torch) (torch.Tensor method) log1p_() (torch.Tensor method) log2() (in module torch) (torch.Tensor method) log2_() (torch.Tensor method) log_() (torch.Tensor method) log_abs_det_jacobian() (torch.distributions.transforms.Transform method) log_normal_() (torch.Tensor method) log_prob() (torch.distributions.bernoulli.Bernoulli method) (torch.distributions.beta.Beta method) (torch.distributions.binomial.Binomial method) (torch.distributions.categorical.Categorical method) (torch.distributions.cauchy.Cauchy method) (torch.distributions.dirichlet.Dirichlet method) (torch.distributions.distribution.Distribution method) (torch.distributions.exponential.Exponential method) (torch.distributions.fishersnedecor.FisherSnedecor method) (torch.distributions.gamma.Gamma method) (torch.distributions.geometric.Geometric method) (torch.distributions.half_cauchy.HalfCauchy method) (torch.distributions.half_normal.HalfNormal method) (torch.distributions.independent.Independent method) (torch.distributions.laplace.Laplace method) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal method) (torch.distributions.multinomial.Multinomial method) (torch.distributions.multivariate_normal.MultivariateNormal method) (torch.distributions.negative_binomial.NegativeBinomial method) (torch.distributions.normal.Normal method) (torch.distributions.one_hot_categorical.OneHotCategorical method) (torch.distributions.poisson.Poisson method) (torch.distributions.studentT.StudentT method) (torch.distributions.transformed_distribution.TransformedDistribution method) (torch.distributions.uniform.Uniform method) (torch.nn.AdaptiveLogSoftmaxWithLoss method) log_softmax() (in module torch.nn.functional) logdet() (in module torch) (torch.Tensor method) logits (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.geometric.Geometric attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) (torch.distributions.relaxed_bernoulli.RelaxedBernoulli attribute) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical attribute) LogNormal (class in torch.distributions.log_normal) LogSigmoid (class in torch.nn) logsigmoid() (in module torch.nn.functional) LogSoftmax (class in torch.nn) logspace() (in module torch) logsumexp() (in module torch) (torch.Tensor method) long() (torch.FloatStorage method) (torch.Tensor method) LowerCholeskyTransform (class in torch.distributions.transforms) LowRankMultivariateNormal (class in torch.distributions.lowrank_multivariate_normal) lp_pool1d() (in module torch.nn.functional) lp_pool2d() (in module torch.nn.functional) LPPool1d (class in torch.nn) LPPool2d (class in torch.nn) LSTM (class in torch.nn) LSTMCell (class in torch.nn) lt() (in module torch) (torch.Tensor method) lt_() (torch.Tensor method) M manual_seed() (in module torch) (in module torch.cuda) manual_seed_all() (in module torch.cuda) map_() (torch.Tensor method) margin_ranking_loss() (in module torch.nn.functional) MarginRankingLoss (class in torch.nn) mark() (in module torch.cuda.nvtx) masked_fill_() (torch.Tensor method) masked_scatter_() (torch.Tensor method) masked_select() (in module torch) (torch.Tensor method) matmul() (in module torch) (torch.Tensor method) matrix_power() (in module torch) (torch.Tensor method) matrix_rank() (in module torch) max() (in module torch), [1], [2], [3] (torch.Tensor method) max_memory_allocated() (in module torch.cuda), [1] max_memory_cached() (in module torch.cuda), [1] max_pool1d() (in module torch.nn.functional) max_pool2d() (in module torch.nn.functional) max_pool3d() (in module torch.nn.functional) max_unpool1d() (in module torch.nn.functional) max_unpool2d() (in module torch.nn.functional) max_unpool3d() (in module torch.nn.functional) MaxPool1d (class in torch.nn) MaxPool2d (class in torch.nn) MaxPool3d (class in torch.nn) MaxUnpool1d (class in torch.nn) MaxUnpool2d (class in torch.nn) MaxUnpool3d (class in torch.nn) mean (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.beta.Beta attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.cauchy.Cauchy attribute) (torch.distributions.dirichlet.Dirichlet attribute) (torch.distributions.distribution.Distribution attribute) (torch.distributions.exponential.Exponential attribute) (torch.distributions.fishersnedecor.FisherSnedecor attribute) (torch.distributions.gamma.Gamma attribute) (torch.distributions.geometric.Geometric attribute) (torch.distributions.gumbel.Gumbel attribute) (torch.distributions.half_cauchy.HalfCauchy attribute) (torch.distributions.half_normal.HalfNormal attribute) (torch.distributions.independent.Independent attribute) (torch.distributions.laplace.Laplace attribute) (torch.distributions.log_normal.LogNormal attribute) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.normal.Normal attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) (torch.distributions.pareto.Pareto attribute) (torch.distributions.poisson.Poisson attribute) (torch.distributions.studentT.StudentT attribute) (torch.distributions.uniform.Uniform attribute) (torch.distributions.weibull.Weibull attribute) mean() (in module torch), [1], [2] (torch.Tensor method) median() (in module torch), [1], [2] (torch.Tensor method) memory_allocated() (in module torch.cuda), [1] memory_cached() (in module torch.cuda), [1] meshgrid() (in module torch) min() (in module torch), [1], [2], [3] (torch.Tensor method) mm() (in module torch) (in module torch.sparse) (torch.Tensor method) (torch.sparse.FloatTensor method) mode() (in module torch) (torch.Tensor method) Module (class in torch.nn) Module.to() (in module torch.nn), [1], [2] ModuleDict (class in torch.nn) ModuleList (class in torch.nn) modules() (torch.nn.Module method) mse_loss() (in module torch.nn.functional) MSELoss (class in torch.nn) mul() (in module torch), [1], [2] (torch.Tensor method) (torch.sparse.FloatTensor method) mul_() (torch.sparse.FloatTensor method) (torch.Tensor method) multi_margin_loss() (in module torch.nn.functional) multilabel_margin_loss() (in module torch.nn.functional) multilabel_soft_margin_loss() (in module torch.nn.functional) MultiLabelMarginLoss (class in torch.nn) MultiLabelSoftMarginLoss (class in torch.nn) MultiMarginLoss (class in torch.nn) Multinomial (class in torch.distributions.multinomial) multinomial() (in module torch) (torch.Tensor method) MultiStepLR (class in torch.optim.lr_scheduler) MultivariateNormal (class in torch.distributions.multivariate_normal) mv() (in module torch) (torch.Tensor method) mvlgamma() (in module torch) (torch.Tensor method) mvlgamma_() (torch.Tensor method) N named_buffers() (torch.nn.Module method) named_children() (torch.nn.Module method) named_modules() (torch.nn.Module method) named_parameters() (torch.nn.Module method) narrow() (in module torch) (torch.Tensor method) narrow_copy() (torch.sparse.FloatTensor method) ndimension() (torch.Tensor method) ne() (in module torch) (torch.Tensor method) ne_() (torch.Tensor method) neg() (in module torch) (torch.Tensor method) neg_() (torch.Tensor method) NegativeBinomial (class in torch.distributions.negative_binomial) nelement() (torch.Tensor method) new() (torch.FloatStorage method) new_empty() (torch.Tensor method) new_full() (torch.Tensor method) new_group() (in module torch.distributed.deprecated) new_ones() (torch.Tensor method) new_tensor() (torch.Tensor method) new_zeros() (torch.Tensor method) nll_loss() (in module torch.nn.functional) NLLLoss (class in torch.nn) no_grad (class in torch.autograd) nonzero() (in module torch) (torch.Tensor method) norm() (in module torch) (torch.Tensor method) Normal (class in torch.distributions.normal) normal() (in module torch), [1], [2], [3] normal_() (in module torch.nn.init) (torch.Tensor method) normalize() (in module torch.nn.functional) numel() (in module torch) (torch.Tensor method) numpy() (torch.Tensor method) O OneHotCategorical (class in torch.distributions.one_hot_categorical) ones() (in module torch) ones_like() (in module torch) Optimizer (class in torch.optim) orgqr() (in module torch) (torch.Tensor method) ormqr() (in module torch) (torch.Tensor method) orthogonal_() (in module torch.nn.init) P pack_padded_sequence() (in module torch.nn.utils.rnn) pack_sequence() (in module torch.nn.utils.rnn) PackedSequence() (in module torch.nn.utils.rnn) pad() (in module torch.nn.functional) pad_packed_sequence() (in module torch.nn.utils.rnn) pad_sequence() (in module torch.nn.utils.rnn) pairwise_distance() (in module torch.nn.functional) PairwiseDistance (class in torch.nn) param_shape (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) Parameter (class in torch.nn) ParameterDict (class in torch.nn) ParameterList (class in torch.nn) parameters() (torch.nn.Module method) parameters_to_vector() (in module torch.nn.utils) Pareto (class in torch.distributions.pareto) pdist() (in module torch.nn.functional) permute() (torch.Tensor method) perplexity() (torch.distributions.distribution.Distribution method) pin_memory() (torch.FloatStorage method) (torch.Tensor method) pinverse() (in module torch) (torch.Tensor method) pixel_shuffle() (in module torch.nn.functional) PixelShuffle (class in torch.nn) Poisson (class in torch.distributions.poisson) poisson_nll_loss() (in module torch.nn.functional) PoissonNLLLoss (class in torch.nn) pop() (torch.nn.ModuleDict method) (torch.nn.ParameterDict method) potrf() (in module torch) (torch.Tensor method) potri() (in module torch) (torch.Tensor method) potrs() (in module torch) (torch.Tensor method) pow() (in module torch), [1], [2] (torch.Tensor method) pow_() (torch.Tensor method) PowerTransform (class in torch.distributions.transforms) precision_matrix (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) predict() (torch.nn.AdaptiveLogSoftmaxWithLoss method) PReLU (class in torch.nn) prelu() (in module torch.nn.functional) probs (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.geometric.Geometric attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) (torch.distributions.relaxed_bernoulli.RelaxedBernoulli attribute) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical attribute) prod() (in module torch), [1], [2] (torch.Tensor method) profile (class in torch.autograd.profiler) pstrf() (in module torch) (torch.Tensor method) put_() (torch.Tensor method) Q qr() (in module torch) (torch.Tensor method) query() (torch.cuda.Event method) (torch.cuda.Stream method) R rand() (in module torch) rand_like() (in module torch) randint() (in module torch) randint_like() (in module torch) randn() (in module torch) randn_like() (in module torch) random_() (torch.Tensor method) random_split() (in module torch.utils.data) RandomSampler (class in torch.utils.data) randperm() (in module torch) range() (in module torch) range_pop() (in module torch.cuda.nvtx) range_push() (in module torch.cuda.nvtx) reciprocal() (in module torch) (torch.Tensor method) reciprocal_() (torch.Tensor method) record() (torch.cuda.Event method) record_event() (torch.cuda.Stream method) recv() (in module torch.distributed.deprecated) reduce() (in module torch.distributed.deprecated) reduce_add() (in module torch.cuda.comm) reduce_multigpu() (in module torch.distributed.deprecated) reduce_op (class in torch.distributed) ReduceLROnPlateau (class in torch.optim.lr_scheduler) ReflectionPad1d (class in torch.nn) ReflectionPad2d (class in torch.nn) register() (torch.distributions.constraint_registry.ConstraintRegistry method) register_backward_hook() (torch.nn.Module method) register_buffer() (torch.nn.Module method) register_forward_hook() (torch.nn.Module method) register_forward_pre_hook() (torch.nn.Module method) register_hook() (torch.Tensor method) register_kl() (in module torch.distributions.kl) register_parameter() (torch.nn.Module method) RelaxedBernoulli (class in torch.distributions.relaxed_bernoulli) RelaxedOneHotCategorical (class in torch.distributions.relaxed_categorical) ReLU (class in torch.nn) relu() (in module torch.nn.functional) ReLU6 (class in torch.nn) relu6() (in module torch.nn.functional) relu_() (in module torch.nn.functional) remainder() (in module torch) (torch.Tensor method) remainder_() (torch.Tensor method) remove_spectral_norm() (in module torch.nn.utils) remove_weight_norm() (in module torch.nn.utils) renorm() (in module torch) (torch.Tensor method) renorm_() (torch.Tensor method) repeat() (torch.Tensor method) ReplicationPad1d (class in torch.nn) ReplicationPad2d (class in torch.nn) ReplicationPad3d (class in torch.nn) requires_grad (torch.Tensor attribute) requires_grad_() (torch.Tensor method) reshape() (in module torch) (torch.Tensor method) reshape_as() (torch.Tensor method) resize_() (torch.FloatStorage method) (torch.Tensor method) resize_as_() (torch.Tensor method) resizeAs_() (torch.sparse.FloatTensor method) retain_grad() (torch.Tensor method) rfft() (in module torch) RMSprop (class in torch.optim) RNN (class in torch.nn) RNNCell (class in torch.nn) round() (in module torch) (torch.Tensor method) round_() (torch.Tensor method) Rprop (class in torch.optim) RReLU (class in torch.nn) rrelu() (in module torch.nn.functional) rrelu_() (in module torch.nn.functional) rsample() (torch.distributions.beta.Beta method) (torch.distributions.cauchy.Cauchy method) (torch.distributions.dirichlet.Dirichlet method) (torch.distributions.distribution.Distribution method) (torch.distributions.exponential.Exponential method) (torch.distributions.fishersnedecor.FisherSnedecor method) (torch.distributions.gamma.Gamma method) (torch.distributions.independent.Independent method) (torch.distributions.laplace.Laplace method) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal method) (torch.distributions.multivariate_normal.MultivariateNormal method) (torch.distributions.normal.Normal method) (torch.distributions.studentT.StudentT method) (torch.distributions.transformed_distribution.TransformedDistribution method) (torch.distributions.uniform.Uniform method) rsqrt() (in module torch) (torch.Tensor method) rsqrt_() (torch.Tensor method) S sample() (torch.distributions.bernoulli.Bernoulli method) (torch.distributions.binomial.Binomial method) (torch.distributions.categorical.Categorical method) (torch.distributions.distribution.Distribution method) (torch.distributions.geometric.Geometric method) (torch.distributions.independent.Independent method) (torch.distributions.multinomial.Multinomial method) (torch.distributions.negative_binomial.NegativeBinomial method) (torch.distributions.normal.Normal method) (torch.distributions.one_hot_categorical.OneHotCategorical method) (torch.distributions.poisson.Poisson method) (torch.distributions.transformed_distribution.TransformedDistribution method) sample_n() (torch.distributions.distribution.Distribution method) Sampler (class in torch.utils.data) save() (in module torch) (torch.jit.ScriptModule method) scale (torch.distributions.half_cauchy.HalfCauchy attribute) (torch.distributions.half_normal.HalfNormal attribute) (torch.distributions.log_normal.LogNormal attribute) scale_tril (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) scatter() (in module torch.cuda.comm) (in module torch.distributed.deprecated) scatter_() (torch.Tensor method) scatter_add_() (torch.Tensor method) ScriptModule (class in torch.jit) seed() (in module torch.cuda) seed_all() (in module torch.cuda) select() (torch.Tensor method) SELU (class in torch.nn) selu() (in module torch.nn.functional) send() (in module torch.distributed.deprecated) Sequential (class in torch.nn) SequentialSampler (class in torch.utils.data) set_() (torch.Tensor method) set_default_dtype() (in module torch) set_default_tensor_type() (in module torch) set_detect_anomaly (class in torch.autograd) set_device() (in module torch.cuda) set_dir() (in module torch.hub) set_flush_denormal() (in module torch) set_grad_enabled (class in torch.autograd) set_num_threads() (in module torch) set_printoptions() (in module torch) set_rng_state() (in module torch) (in module torch.cuda) set_sharing_strategy() (in module torch.multiprocessing) SGD (class in torch.optim) share_memory_() (torch.FloatStorage method) (torch.Tensor method) short() (torch.FloatStorage method) (torch.Tensor method) Sigmoid (class in torch.nn) sigmoid() (in module torch) (in module torch.nn.functional) (torch.Tensor method) sigmoid_() (torch.Tensor method) SigmoidTransform (class in torch.distributions.transforms) sign (torch.distributions.transforms.Transform attribute) sign() (in module torch) (torch.Tensor method) sign_() (torch.Tensor method) sin() (in module torch) (torch.Tensor method) sin_() (torch.Tensor method) sinh() (in module torch) (torch.Tensor method) sinh_() (torch.Tensor method) size() (torch.FloatStorage method) (torch.Tensor method) (torch.sparse.FloatTensor method) slogdet() (in module torch) (torch.Tensor method) smooth_l1_loss() (in module torch.nn.functional) SmoothL1Loss (class in torch.nn) soft_margin_loss() (in module torch.nn.functional) SoftMarginLoss (class in torch.nn) Softmax (class in torch.nn) softmax() (in module torch.nn.functional) Softmax2d (class in torch.nn) SoftmaxTransform (class in torch.distributions.transforms) Softmin (class in torch.nn) softmin() (in module torch.nn.functional) Softplus (class in torch.nn) softplus() (in module torch.nn.functional) Softshrink (class in torch.nn) softshrink() (in module torch.nn.functional) Softsign (class in torch.nn) softsign() (in module torch.nn.functional) sort() (in module torch) (torch.Tensor method) spadd() (torch.sparse.FloatTensor method) sparse_() (in module torch.nn.init) sparse_coo_tensor() (in module torch) sparse_mask() (torch.Tensor method) SparseAdam (class in torch.optim) spawn() (in module torch.multiprocessing) SpawnContext (class in torch.multiprocessing) spectral_norm() (in module torch.nn.utils) split() (in module torch) (torch.Tensor method) spmm() (torch.sparse.FloatTensor method) sqrt() (in module torch) (torch.Tensor method) sqrt_() (torch.Tensor method) squeeze() (in module torch) (torch.Tensor method) squeeze_() (torch.Tensor method) sspaddmm() (torch.sparse.FloatTensor method) sspmm() (torch.sparse.FloatTensor method) stack() (in module torch) state_dict() (torch.nn.Module method) (torch.optim.Optimizer method) (torch.optim.lr_scheduler.LambdaLR method) std() (in module torch), [1], [2] (torch.Tensor method) stddev (torch.distributions.distribution.Distribution attribute) (torch.distributions.exponential.Exponential attribute) (torch.distributions.gumbel.Gumbel attribute) (torch.distributions.laplace.Laplace attribute) (torch.distributions.normal.Normal attribute) (torch.distributions.uniform.Uniform attribute) step() (torch.optim.Adadelta method) (torch.optim.ASGD method) (torch.optim.Adagrad method) (torch.optim.Adam method) (torch.optim.Adamax method) (torch.optim.LBFGS method) (torch.optim.Optimizer method) (torch.optim.RMSprop method) (torch.optim.Rprop method) (torch.optim.SGD method) (torch.optim.SparseAdam method) StepLR (class in torch.optim.lr_scheduler) stft() (in module torch) StickBreakingTransform (class in torch.distributions.transforms) storage() (torch.Tensor method) storage_offset() (torch.Tensor method) storage_type() (torch.Tensor method) Stream (class in torch.cuda) stream() (in module torch.cuda) stride() (torch.Tensor method) StudentT (class in torch.distributions.studentT) sub() (torch.sparse.FloatTensor method) (torch.Tensor method) sub_() (torch.sparse.FloatTensor method) (torch.Tensor method) Subset (class in torch.utils.data) SubsetRandomSampler (class in torch.utils.data) sum() (in module torch), [1], [2] (in module torch.sparse) (torch.Tensor method) support (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.beta.Beta attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.cauchy.Cauchy attribute) (torch.distributions.dirichlet.Dirichlet attribute) (torch.distributions.distribution.Distribution attribute) (torch.distributions.exponential.Exponential attribute) (torch.distributions.fishersnedecor.FisherSnedecor attribute) (torch.distributions.gamma.Gamma attribute) (torch.distributions.geometric.Geometric attribute) (torch.distributions.gumbel.Gumbel attribute) (torch.distributions.half_cauchy.HalfCauchy attribute) (torch.distributions.half_normal.HalfNormal attribute) (torch.distributions.independent.Independent attribute) (torch.distributions.laplace.Laplace attribute) (torch.distributions.log_normal.LogNormal attribute) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.normal.Normal attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) (torch.distributions.pareto.Pareto attribute) (torch.distributions.poisson.Poisson attribute) (torch.distributions.relaxed_bernoulli.RelaxedBernoulli attribute) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical attribute) (torch.distributions.studentT.StudentT attribute) (torch.distributions.transformed_distribution.TransformedDistribution attribute) (torch.distributions.uniform.Uniform attribute) (torch.distributions.weibull.Weibull attribute) svd() (in module torch) (torch.Tensor method) symeig() (in module torch) (torch.Tensor method) synchronize() (in module torch.cuda) (torch.cuda.Event method) (torch.cuda.Stream method) T t() (in module torch) (torch.Tensor method) t_() (torch.sparse.FloatTensor method) (torch.Tensor method) table() (torch.autograd.profiler.profile method) take() (in module torch) (torch.Tensor method) tan() (in module torch) (torch.Tensor method) tan_() (torch.Tensor method) Tanh (class in torch.nn) tanh() (in module torch) (in module torch.nn.functional) (torch.Tensor method) tanh_() (torch.Tensor method) Tanhshrink (class in torch.nn) tanhshrink() (in module torch.nn.functional) temperature (torch.distributions.relaxed_bernoulli.RelaxedBernoulli attribute) (torch.distributions.relaxed_categorical.RelaxedOneHotCategorical attribute) Tensor (class in torch), [1] tensor() (in module torch) Tensor.bernoulli_() (in module torch), [1] Tensor.to() (in module torch), [1], [2] TensorDataset (class in torch.utils.data) tensordot() (in module torch) Threshold (class in torch.nn) threshold() (in module torch.nn.functional) threshold_() (in module torch.nn.functional) to() (torch.nn.Module method) (torch.Tensor method) to_dlpack() (in module torch.utils.dlpack) to_sparse() (torch.Tensor method) toDense() (torch.sparse.FloatTensor method) tolist() (torch.FloatStorage method) (torch.Tensor method) topk() (in module torch) (torch.Tensor method) torch (module) torch.autograd (module) torch.cuda (module) torch.device (class in torch) torch.distributed (module) torch.distributed.deprecated (module) torch.distributed.launch (module), [1] torch.distributions (module) torch.distributions.constraint_registry (module) torch.distributions.constraints (module) torch.distributions.kl (module) torch.distributions.transforms (module) torch.dtype (class in torch) torch.finfo (class in torch) torch.hub (module) torch.iinfo (class in torch) torch.jit (module) torch.layout (class in torch) torch.multiprocessing (module) torch.nn (module) torch.onnx (module) torch.optim (module) torch.utils.data (module) torch.utils.model_zoo (module) total_average() (torch.autograd.profiler.profile method) trace() (in module torch) (in module torch.jit) (torch.Tensor method) train() (torch.nn.Module method) Transform (class in torch.distributions.transforms) TransformedDistribution (class in torch.distributions.transformed_distribution) transpose() (in module torch) (torch.Tensor method) (torch.sparse.FloatTensor method) transpose_() (torch.sparse.FloatTensor method) (torch.Tensor method) tril() (in module torch) (torch.Tensor method) tril_() (torch.Tensor method) triplet_margin_loss() (in module torch.nn.functional) TripletMarginLoss (class in torch.nn) triu() (in module torch) (torch.Tensor method) triu_() (torch.Tensor method) trtrs() (in module torch) (torch.Tensor method) trunc() (in module torch) (torch.Tensor method) trunc_() (torch.Tensor method) type() (torch.FloatStorage method) (torch.Tensor method) (torch.nn.Module method) type_as() (torch.Tensor method) U unbind() (in module torch) Unfold (class in torch.nn) unfold() (in module torch.nn.functional) (torch.Tensor method) Uniform (class in torch.distributions.uniform) uniform_() (in module torch.nn.init) (torch.Tensor method) unique() (in module torch) (torch.Tensor method) unsqueeze() (in module torch) (torch.Tensor method) unsqueeze_() (torch.Tensor method) update() (torch.nn.ModuleDict method) (torch.nn.ParameterDict method) Upsample (class in torch.nn) upsample() (in module torch.nn.functional) upsample_bilinear() (in module torch.nn.functional) upsample_nearest() (in module torch.nn.functional) UpsamplingBilinear2d (class in torch.nn) UpsamplingNearest2d (class in torch.nn) V values() (torch.nn.ModuleDict method) (torch.nn.ParameterDict method) var() (in module torch), [1], [2] (torch.Tensor method) variance (torch.distributions.bernoulli.Bernoulli attribute) (torch.distributions.beta.Beta attribute) (torch.distributions.binomial.Binomial attribute) (torch.distributions.categorical.Categorical attribute) (torch.distributions.cauchy.Cauchy attribute) (torch.distributions.dirichlet.Dirichlet attribute) (torch.distributions.distribution.Distribution attribute) (torch.distributions.exponential.Exponential attribute) (torch.distributions.fishersnedecor.FisherSnedecor attribute) (torch.distributions.gamma.Gamma attribute) (torch.distributions.geometric.Geometric attribute) (torch.distributions.gumbel.Gumbel attribute) (torch.distributions.half_cauchy.HalfCauchy attribute) (torch.distributions.half_normal.HalfNormal attribute) (torch.distributions.independent.Independent attribute) (torch.distributions.laplace.Laplace attribute) (torch.distributions.log_normal.LogNormal attribute) (torch.distributions.lowrank_multivariate_normal.LowRankMultivariateNormal attribute) (torch.distributions.multinomial.Multinomial attribute) (torch.distributions.multivariate_normal.MultivariateNormal attribute) (torch.distributions.negative_binomial.NegativeBinomial attribute) (torch.distributions.normal.Normal attribute) (torch.distributions.one_hot_categorical.OneHotCategorical attribute) (torch.distributions.pareto.Pareto attribute) (torch.distributions.poisson.Poisson attribute) (torch.distributions.studentT.StudentT attribute) (torch.distributions.uniform.Uniform attribute) (torch.distributions.weibull.Weibull attribute) vector_to_parameters() (in module torch.nn.utils) verify_ninja_availability() (in module torch.utils.cpp_extension) view() (torch.Tensor method) view_as() (torch.Tensor method) W wait() (torch.cuda.Event method) wait_event() (torch.cuda.Stream method) wait_stream() (torch.cuda.Stream method) Weibull (class in torch.distributions.weibull) weight_norm() (in module torch.nn.utils) WeightedRandomSampler (class in torch.utils.data) where() (in module torch) X xavier_normal_() (in module torch.nn.init) xavier_uniform_() (in module torch.nn.init) Z zero_() (torch.sparse.FloatTensor method) (torch.Tensor method) zero_grad() (torch.nn.Module method) (torch.optim.Optimizer method) ZeroPad2d (class in torch.nn) zeros() (in module torch) zeros_like() (in module torch)