稳定版
Pyro 核心
入门指南
原语
推断
分布
参数
神经网络
优化
Poutine (效果处理器)
其他操作
设置
测试工具
贡献代码
自动命名生成
贝叶斯神经网络
因果效应 VAE
简易定制指南
流行病学
Pyro 示例
预测
基于 Funsor 的 Pyro
高斯过程
Minipyro
使用 MuE 的生物序列模型
最优实验设计
随机变量
时间序列
跟踪
Pyro 中的 Zuko
Pyro
»
索引
在 GitHub 上编辑
索引
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Y
|
Z
_
__add__() (AffineNormal 方法)
(Gaussian 方法)
__call__() (Adam 方法)
(CoalescentRateLikelihood 方法)
(Distribution 方法)
(EnergyDistance 方法)
(Forecaster 方法)
(GuideMessenger 方法)
(HMCForecaster 方法)
(HorovodOptimizer 方法)
(JitTrace_ELBO 方法)
(Messenger 方法)
(PyroLRScheduler 方法)
(PyroOptim 方法)
(Reparam 方法)
(Strategy 方法)
(TorchDistributionMixin 方法)
__getitem__() (AffineNormal 方法)
(Gaussian 方法)
_CorrMatrix (pyro.distributions.constraints 中的类)
_Integer (pyro.distributions.constraints 中的类)
_OrderedVector (pyro.distributions.constraints 中的类)
_PositiveOrderedVector (pyro.distributions.constraints 中的类)
_SoftplusLowerCholesky (pyro.distributions.constraints 中的类)
_SoftplusPositive (pyro.distributions.constraints 中的类)
_Sphere (pyro.distributions.constraints 中的类)
_UnitLowerCholesky (pyro.distributions.constraints 中的类)
A
Adadelta() (在模块 pyro.optim.pytorch_optimizers 中)
Adagrad() (在模块 pyro.optim.pytorch_optimizers 中)
AdagradRMSProp (pyro.optim.adagrad_rmsprop 中的类)
AdagradRMSProp() (在模块 pyro.optim.optim 中)
Adam (pyro.contrib.minipyro 中的类)
Adam() (在模块 pyro.optim.pytorch_optimizers 中)
Adamax() (在模块 pyro.optim.pytorch_optimizers 中)
AdamW() (在模块 pyro.optim.pytorch_optimizers 中)
add() (AutoGuideList 方法)
(List 方法)
(LSH 方法)
add_edge() (Trace 方法)
add_module() (PyroModule 方法)
add_node() (Trace 方法)
affine_autoregressive() (在模块 pyro.distributions.transforms 中)
affine_coupling() (在模块 pyro.distributions.transforms 中)
AffineAutoregressive (pyro.distributions.transforms 中的类)
AffineBeta (pyro.distributions 中的类)
AffineCoupling (pyro.distributions.transforms 中的类)
AffineNormal (pyro.ops.gaussian 中的类)
all_escape() (在模块 pyro.poutine.util 中)
allocate() (DimStack 方法)
am_i_wrapped() (在模块 pyro.poutine.runtime 中)
append() (AutoGuideList 方法)
(FullyConnected 方法)
apply() (ConjugateReparam 方法)
(GumbelSoftmaxReparam 方法)
(LatentStableReparam 方法)
(LinearHMMReparam 方法)
(LocScaleReparam 方法)
(NeuTraReparam 方法)
(ProjectedNormalReparam 方法)
(Reparam 方法)
(SplitReparam 方法)
(StableReparam 方法)
(StructuredReparam 方法)
(StudentTReparam 方法)
(SymmetricStableReparam 方法)
(TransformReparam 方法)
(UnitJacobianReparam 方法)
apply_optimizer() (在模块 pyro.contrib.funsor.infer.traceenum_elbo 中)
apply_stack() (在模块 pyro.contrib.minipyro 中)
(在模块 pyro.poutine.runtime 中)
approx_log_prob_tol (BetaBinomial 属性)
ApproxSet (pyro.contrib.tracking.hashing 中的类)
arg_constraints (AffineBeta 属性)
(AsymmetricLaplace 属性)
(AVFMultivariateNormal 属性)
(BetaBinomial 属性)
(CoalescentTimes 属性)
(CoalescentTimesWithRate 属性)
(Delta 属性)
(DirichletMultinomial 属性)
(DiscreteHMM 属性)
(Empirical 属性)
(ExtendedBetaBinomial 属性)
(ExtendedBinomial 属性)
(GammaGaussianHMM 属性)
(GammaPoisson 属性)
(GaussianHMM 属性)
(GaussianMRF 属性)
(GaussianScaleMixture 属性)
(GroupedNormalNormal 属性)
(ImproperUniform 属性)
(IndependentHMM 属性)
(InverseGamma 属性)
(LinearHMM 属性)
(LKJ 属性)
(Logistic 属性)
(LogNormalNegativeBinomial 属性)
(MaskedDistribution 属性)
(MaskedMixture 属性)
(MixtureOfDiagNormals 属性)
(MixtureOfDiagNormalsSharedCovariance 属性)
(MultivariateStudentT 属性)
(OMTMultivariateNormal 属性)
(OneOneMatching 属性)
(OneTwoMatching 属性)
(OrderedLogistic 属性)
(ProjectedNormal 属性)
(Rejector 属性)
(SineBivariateVonMises 属性)
(SineSkewed 属性)
(SkewLogistic 属性)
(SoftAsymmetricLaplace 属性)
(SoftLaplace 属性)
(SpanningTree 属性)
(Stable 属性)
(TruncatedPolyaGamma 属性)
(Unit 属性)
(VonMises3D 属性)
(ZeroInflatedDistribution 属性)
(ZeroInflatedNegativeBinomial 属性)
(ZeroInflatedPoisson 属性)
args (Message 属性)
as_complex() (在模块 pyro.ops.tensor_utils 中)
ASGD() (在模块 pyro.optim.pytorch_optimizers 中)
AsymmetricLaplace (pyro.distributions 中的类)
auto_goodness_of_fit() (在模块 pyro.distributions.testing.gof 中)
AutoCallable (pyro.infer.autoguide 中的类)
AutoContinuous (pyro.infer.autoguide 中的类)
autocorrelation() (在模块 pyro.ops.stats 中)
autocovariance() (在模块 pyro.ops.stats 中)
AutoDelta (pyro.infer.autoguide 中的类)
AutoDiagonalNormal (pyro.infer.autoguide 中的类)
AutoDiscreteParallel (pyro.infer.autoguide 中的类)
AutoGaussian (pyro.infer.autoguide 中的类)
AutoGuide (pyro.infer.autoguide 中的类)
autoguide() (Parameterized 方法)
,
[1]
AutoGuideList (pyro.infer.autoguide 中的类)
AutoHierarchicalNormalMessenger (pyro.infer.autoguide 中的类)
AutoIAFNormal (pyro.infer.autoguide 中的类)
AutoLaplaceApproximation (pyro.infer.autoguide 中的类)
AutoLowRankMultivariateNormal (pyro.infer.autoguide 中的类)
AutoMessenger (pyro.infer.autoguide 中的类)
AutoMultivariateNormal (pyro.infer.autoguide 中的类)
autoname() (在模块 pyro.contrib.autoname 中)
AutoNormal (pyro.infer.autoguide 中的类)
AutoNormalizingFlow (pyro.infer.autoguide 中的类)
AutoNormalMessenger (pyro.infer.autoguide 中的类)
autoregressive (AffineAutoregressive 属性)
(BlockAutoregressive 属性)
(NeuralAutoregressive 属性)
(Polynomial 属性)
(SplineAutoregressive 属性)
AutoRegressiveMessenger (pyro.infer.autoguide 中的类)
AutoRegressiveNN (pyro.nn.auto_reg_nn 中的类)
AutoReparam (pyro.infer.reparam.strategies 中的类)
AutoStructured (pyro.infer.autoguide 中的类)
AVFMultivariateNormal (pyro.distributions 中的类)
B
backtest() (在模块 pyro.contrib.forecast.evaluate 中)
BackwardSampleMessenger (pyro.infer.traceenum_elbo 中的类)
bandwidth_factor (IMQSteinKernel 属性)
(RBFSteinKernel 属性)
barrier() (在模块 pyro.primitives 中)
batch_shape (AffineNormal 属性)
(Gaussian 属性)
(TorchDistributionMixin 属性)
BatchNorm (pyro.distributions.transforms 中的类)
batchnorm() (在模块 pyro.distributions.transforms 中)
Bernoulli (pyro.distributions 中的类)
BernoulliNet (pyro.contrib.cevae 中的类)
Beta (pyro.distributions 中的类)
beta_binomial_dist() (在模块 pyro.contrib.epidemiology.distributions 中)
BetaBinomial (pyro.distributions 中的类)
bijective (AffineAutoregressive 属性)
(AffineCoupling 属性)
(BatchNorm 属性)
(BlockAutoregressive 属性)
(CholeskyTransform 属性)
(ConditionalAffineAutoregressive 属性)
(ConditionalAffineCoupling 属性)
(ConditionalGeneralizedChannelPermute 属性)
(ConditionalHouseholder 属性)
(ConditionalMatrixExponential 属性)
(ConditionalNeuralAutoregressive 属性)
(ConditionalPlanar 属性)
(ConditionalRadial 属性)
(ConditionalSpline 属性)
(ConditionalSplineAutoregressive 属性)
(CorrMatrixCholeskyTransform 属性)
(DiscreteCosineTransform 属性)
(ELUTransform 属性)
(GeneralizedChannelPermute 属性)
(HaarTransform 属性)
(Householder 属性)
(LeakyReLUTransform 属性)
(LowerCholeskyAffine 属性)
(MatrixExponential 属性)
(NeuralAutoregressive 属性)
(Normalize 属性)
(OrderedTransform 属性)
(Permute 属性)
(Planar 属性)
(Polynomial 属性)
(PositivePowerTransform 属性)
(Radial 属性)
(SoftplusTransform 属性)
(Spline 属性)
(SplineAutoregressive 属性)
(SplineCoupling 属性)
(Sylvester 属性)
Binary (pyro.contrib.gp.likelihoods 中的类)
Binomial (pyro.distributions 中的类)
binomial_dist() (在模块 pyro.contrib.epidemiology.distributions 中)
bio_phylo_to_times() (在模块 pyro.distributions.coalescent 中)
BiosequenceDataset (pyro.contrib.mue.dataloaders 中的类)
block (pyro.contrib.minipyro 中的类)
block() (在模块 pyro.poutine.handlers 中)
block_autoregressive() (在模块 pyro.distributions.transforms 中)
block_diag_embed() (在模块 pyro.ops.tensor_utils 中)
block_diagonal() (在模块 pyro.ops.tensor_utils 中)
block_messengers() (在模块 pyro.poutine.messenger 中)
block_plate() (在模块 pyro.poutine.plate_messenger 中)
BlockAutoregressive (pyro.distributions.transforms 中的类)
BlockMassMatrix (pyro.infer.mcmc 中的类)
BlockMessenger (pyro.poutine.block_messenger 中的类)
broadcast() (在模块 pyro.poutine.handlers 中)
BroadcastMessenger (pyro.poutine.broadcast_messenger 中的类)
Brownian (pyro.contrib.gp.kernels 中的类)
C
call() (AutoGuide 方法)
(AutoMessenger 方法)
(Predictive 方法)
(WeighedPredictive 方法)
cat() (Gaussian 静态方法)
Categorical (pyro.distributions 中的类)
Cauchy (pyro.distributions 中的类)
cdf() (Logistic 方法)
(SkewLogistic 方法)
(SoftLaplace 方法)
CEVAE (pyro.contrib.cevae 中的类)
ChainedScheduler() (在模块 pyro.optim.pytorch_optimizers 中)
Chi2 (pyro.distributions 中的类)
cholesky_solve() (在模块 pyro.ops.tensor_utils 中)
CholeskyTransform (pyro.distributions.transforms 中的类)
cleanup() (HMC 方法)
(MCMCKernel 方法)
clear() (在模块 pyro.nn.module 中)
(ParamStoreDict 方法)
clear_cache() (ConditionalTransformedDistribution 方法)
(HMC 方法)
clear_param_store() (在模块 pyro.contrib.funsor 中)
(在模块 pyro.primitives 中)
ClippedAdam (pyro.optim.clipped_adam 中的类)
ClippedAdam() (在模块 pyro.optim.optim 中)
CoalescentRateLikelihood (pyro.distributions 中的类)
CoalescentTimes (pyro.distributions 中的类)
CoalescentTimesWithRate (pyro.distributions 中的类)
codomain (AffineAutoregressive 属性)
(AffineCoupling 属性)
(BatchNorm 属性)
(BlockAutoregressive 属性)
(CholeskyTransform 属性)
(ConditionalAffineAutoregressive 属性)
(ConditionalAffineCoupling 属性)
(ConditionalGeneralizedChannelPermute 属性)
(ConditionalHouseholder 属性)
(ConditionalMatrixExponential 属性)
(ConditionalNeuralAutoregressive 属性)
(ConditionalPlanar 属性)
(ConditionalRadial 属性)
(ConditionalSpline 属性)
(ConditionalSplineAutoregressive 属性)
(CorrMatrixCholeskyTransform 属性)
(DiscreteCosineTransform 属性)
(ELUTransform 属性)
(GeneralizedChannelPermute 属性)
(HaarTransform 属性)
(Householder 属性)
(LeakyReLUTransform 属性)
(LowerCholeskyAffine 属性)
(MatrixExponential 属性)
(NeuralAutoregressive 属性)
(Normalize 属性)
(OrderedTransform 属性)
(Permute 属性)
(Planar 属性)
(Polynomial 属性)
(PositivePowerTransform 属性)
(Radial 属性)
(SimplexToOrderedTransform 属性)
(SoftplusLowerCholeskyTransform 属性)
(SoftplusTransform 属性)
(Spline 属性)
(SplineAutoregressive 属性)
(SplineCoupling 属性)
(Sylvester 属性)
(TransformModule 属性)
(UnitLowerCholeskyTransform 属性)
collapse() (在模块 pyro.poutine.handlers 中)
CollapseMessenger (pyro.poutine.collapse_messenger 中的类)
Combination (pyro.contrib.gp.kernels 中的类)
CompartmentalModel (pyro.contrib.epidemiology.compartmental 中的类)
ComposeTransformModule (pyro.distributions 中的类)
compute_flows() (CompartmentalModel 方法)
compute_log_prob() (Trace 方法)
compute_marginals() (在模块 pyro.contrib.tracking.assignment 中)
(TraceEnum_ELBO 方法)
compute_marginals_bp() (在模块 pyro.contrib.tracking.assignment 中)
compute_marginals_persistent() (在模块 pyro.contrib.tracking.assignment 中)
compute_marginals_persistent_bp() (在模块 pyro.contrib.tracking.assignment 中)
compute_marginals_sparse_bp() (在模块 pyro.contrib.tracking.assignment 中)
compute_score_parts() (Trace 方法)
concentration (DirichletMultinomial 属性)
(GammaPoisson 属性)
(InverseGamma 属性)
concentration0 (AffineBeta 属性)
(BetaBinomial 属性)
concentration1 (AffineBeta 属性)
(BetaBinomial 属性)
cond_indep_stack (Message 属性)
CondIndepStackFrame (pyro.poutine.indep_messenger 中的类)
condition() (AffineNormal 方法)
(ConditionalAffineAutoregressive 方法)
(ConditionalAffineCoupling 方法)
(ConditionalDistribution 方法)
(ConditionalGeneralizedChannelPermute 方法)
(ConditionalHouseholder 方法)
(ConditionalMatrixExponential 方法)
(ConditionalNeuralAutoregressive 方法)
(ConditionalPlanar 方法)
(ConditionalRadial 方法)
(ConditionalSpline 方法)
(ConditionalSplineAutoregressive 方法)
(ConditionalTransform 方法)
(ConditionalTransformedDistribution 方法)
(Gaussian 方法)
(在模块 pyro.contrib.funsor 中)
(在模块 pyro.poutine.handlers 中)
conditional() (在模块 pyro.contrib.gp.util 中)
conditional_affine_autoregressive() (在模块 pyro.distributions.transforms 中)
conditional_affine_coupling() (在模块 pyro.distributions.transforms 中)
conditional_generalized_channel_permute() (在模块 pyro.distributions.transforms 中)
conditional_householder() (在模块 pyro.distributions.transforms 中)
conditional_matrix_exponential() (在模块 pyro.distributions.transforms 中)
conditional_neural_autoregressive() (在模块 pyro.distributions.transforms 中)
conditional_planar() (在模块 pyro.distributions.transforms 中)
conditional_radial() (在模块 pyro.distributions.transforms 中)
conditional_spline() (在模块 pyro.distributions.transforms 中)
conditional_spline_autoregressive() (在模块 pyro.distributions.transforms 中)
ConditionalAffineAutoregressive (pyro.distributions.transforms 中的类)
ConditionalAffineCoupling (pyro.distributions.transforms 中的类)
ConditionalAutoRegressiveNN (pyro.nn.auto_reg_nn 中的类)
ConditionalDenseNN (pyro.nn.dense_nn 中的类)
ConditionalDistribution (pyro.distributions 中的类)
ConditionalGeneralizedChannelPermute (pyro.distributions.transforms 中的类)
ConditionalHouseholder (pyro.distributions.transforms 中的类)
ConditionalMatrixExponential (pyro.distributions.transforms 中的类)
ConditionalNeuralAutoregressive (pyro.distributions.transforms 中的类)
ConditionalPlanar (pyro.distributions.transforms 中的类)
ConditionalRadial (pyro.distributions.transforms 中的类)
ConditionalSpline (pyro.distributions.transforms 中的类)
ConditionalSplineAutoregressive (pyro.distributions.transforms 中的类)
ConditionalTransform (pyro.distributions 中的类)
ConditionalTransformedDistribution (pyro.distributions 中的类)
ConditionalTransformModule (pyro.distributions 中的类)
ConditionMessenger (pyro.poutine.condition_messenger 中的类)
config_enumerate() (在模块 pyro.infer.enum 中)
configure() (AutoReparam 方法)
(BlockMassMatrix 方法)
(MinimalReparam 方法)
(Strategy 方法)
conjugate_update() (Distribution 方法)
(GaussianHMM 方法)
(MaskedDistribution 方法)
ConjugateReparam (pyro.infer.reparam.conjugate 中的类)
Constant (pyro.contrib.gp.kernels 中的类)
ConstantLR() (在模块 pyro.optim.pytorch_optimizers 中)
constrained_gamma (BatchNorm 属性)
constraint (PyroParam 属性)
constraints (StateDict 属性)
context() (在模块 pyro.settings 中)
continuation (Message 属性)
ContinuousBernoulli (pyro.distributions 中的类)
contract() (在模块 pyro.ops.einsum 中)
contract_expression() (在模块 pyro.ops.einsum 中)
convolve() (在模块 pyro.ops.tensor_utils 中)
copy() (Trace 方法)
Coregionalize (pyro.contrib.gp.kernels 中的类)
CorrMatrixCholeskyTransform (pyro.distributions.transforms 中的类)
Cosine (pyro.contrib.gp.kernels 中的类)
CosineAnnealingLR() (在模块 pyro.optim.pytorch_optimizers 中)
CosineAnnealingWarmRestarts() (在模块 pyro.optim.pytorch_optimizers 中)
counter (CondIndepStackFrame 属性)
CountMeanStats (pyro.ops.streaming 中的类)
CountMeanVarianceStats (pyro.ops.streaming 中的类)
CountStats (pyro.ops.streaming 中的类)
cov (EKFState 属性)
(Measurement 属性)
cov2pv() (DynamicModel 方法)
(Ncp 方法)
(Ncv 方法)
cov_pv (EKFState 属性)
covariance_matrix (MultivariateStudentT 属性)
crps_empirical() (在模块 pyro.ops.stats 中)
current_read_env (DimStack 属性)
current_write_env (DimStack 属性)
CyclicLR() (在模块 pyro.optim.pytorch_optimizers 中)
D
dct() (在模块 pyro.ops.tensor_utils 中)
DCTAdam() (在模块 pyro.optim.optim 中)
DEFAULT_FIRST_DIM (DimStack 属性)
default_process_message() (在模块 pyro.poutine.runtime 中)
Delta (pyro.distributions 中的类)
DenseNN (pyro.nn.dense_nn 中的类)
density_goodness_of_fit() (在模块 pyro.distributions.testing.gof 中)
DependentMaternGP (pyro.contrib.timeseries.gp 中的类)
detach_() (Trace 方法)
deterministic() (在模块 pyro.contrib.funsor 中)
(在模块 pyro.primitives 中)
DiagNormalNet (pyro.contrib.cevae 中的类)
diagnostics() (HMC 方法)
(在模块 pyro.infer.mcmc.util 中)
(MCMC 方法)
(MCMCKernel 方法)
(RandomWalkKernel 方法)
(StreamingMCMC 方法)
Dict (pyro.contrib.autoname.named 中的类)
differentiable_loss() (ELBO 方法)
(Jit_ELBO 方法)
(JitTrace_ELBO 方法)
(JitTraceEnum_ELBO 方法)
(JitTraceMeanField_ELBO 方法)
(Trace_ELBO 方法)
,
[1]
(TraceEnum_ELBO 方法)
,
[1]
(TraceMarkovEnum_ELBO 方法)
(TraceTMC_ELBO 方法)
,
[1]
DifferentiableDynamicModel (pyro.contrib.tracking.dynamic_models 中的类)
DifferentiableMeasurement (pyro.contrib.tracking.measurements 中的类)
dim (CondIndepStackFrame 属性)
dim() (Gaussian 方法)
dim_type (DimRequest 属性)
dimension (DynamicModel 属性)
(EKFState 属性)
(Measurement 属性)
dimension_pv (DynamicModel 属性)
(EKFState 属性)
DimRequest (pyro.contrib.funsor.handlers.runtime 中的类)
DimStack (pyro.contrib.funsor.handlers.runtime 中的类)
DimType (pyro.contrib.funsor.handlers.runtime 中的类)
Dirichlet (pyro.distributions 中的类)
DirichletMultinomial (pyro.distributions 中的类)
discrete_escape() (在模块 pyro.poutine.util 中)
DiscreteCosineReparam (pyro.infer.reparam.discrete_cosine 中的类)
DiscreteCosineTransform (pyro.distributions.transforms 中的类)
DiscreteHMM (pyro.distributions 中的类)
dist (RandomVariable 属性)
Distribution (pyro.distributions 中的类)
DistributionNet (pyro.contrib.cevae 中的类)
do() (在模块 pyro.contrib.funsor 中)
(在模块 pyro.poutine.handlers 中)
domain (AffineAutoregressive 属性)
(AffineCoupling 属性)
(BatchNorm 属性)
(BlockAutoregressive 属性)
(CholeskyTransform 属性)
(ConditionalAffineAutoregressive 属性)
(ConditionalAffineCoupling 属性)
(ConditionalGeneralizedChannelPermute 属性)
(ConditionalHouseholder 属性)
(ConditionalMatrixExponential 属性)
(ConditionalNeuralAutoregressive 属性)
(ConditionalPlanar 属性)
(ConditionalRadial 属性)
(ConditionalSpline 属性)
(ConditionalSplineAutoregressive 属性)
(CorrMatrixCholeskyTransform 属性)
(DiscreteCosineTransform 属性)
(ELUTransform 属性)
(GeneralizedChannelPermute 属性)
(HaarTransform 属性)
(Householder 属性)
(LeakyReLUTransform 属性)
(LowerCholeskyAffine 属性)
(MatrixExponential 属性)
(NeuralAutoregressive 属性)
(Normalize 属性)
(OrderedTransform 属性)
(Permute 属性)
(Planar 属性)
(Polynomial 属性)
(PositivePowerTransform 属性)
(Radial 属性)
(SimplexToOrderedTransform 属性)
(SoftplusLowerCholeskyTransform 属性)
(SoftplusTransform 属性)
(Spline 属性)
(SplineAutoregressive 属性)
(SplineCoupling 属性)
(Sylvester 属性)
(TransformModule 属性)
(UnitLowerCholeskyTransform 属性)
DoMessenger (pyro.poutine.do_messenger 中的类)
done (Message 属性)
donsker_varadhan_eig() (在模块 pyro.contrib.oed.eig 中)
DotProduct (pyro.contrib.gp.kernels 中的类)
dtanh_dx() (Sylvester 方法)
DualAveraging (pyro.ops.dual_averaging 中的类)
duration (CoalescentTimesWithRate 属性)
(IndependentHMM 属性)
dynamic_model (EKFState 属性)
DynamicModel (pyro.contrib.tracking.dynamic_models 中的类)
E
easy_guide() (在模块 pyro.contrib.easyguide 中)
EasyGuide (pyro.contrib.easyguide 中的类)
edge_mean (SpanningTree 属性)
edges (Trace 属性)
effectful() (在模块 pyro.poutine.runtime 中)
effective_sample_size() (在模块 pyro.ops.stats 中)
einsum() (在模块 pyro.ops.contract 中)
EKFDistribution (pyro.contrib.tracking.distributions 中的类)
EKFState (pyro.contrib.tracking.extended_kalman_filter 中的类)
ELBO (pyro.contrib.funsor.infer.elbo 中的类)
(pyro.infer.elbo 中的类)
elbo() (在模块 pyro.contrib.minipyro 中)
ELBOModule (pyro.infer.elbo 中的类)
elu() (在模块 pyro.distributions.transforms 中)
ELUTransform (pyro.distributions.transforms 中的类)
embed() (FactorMuE 方法)
Empirical (pyro.distributions 中的类)
empirical (Marginals 属性)
EmpiricalMarginal (pyro.infer.abstract_infer 中的类)
enable_validation() (在模块 pyro.contrib.funsor 中)
(在模块 pyro.infer.util 中)
(在模块 pyro.poutine.util 中)
(在模块 pyro.primitives 中)
end_adaptation() (BlockMassMatrix 方法)
end_warmup() (MCMCKernel 方法)
energy_score_empirical() (在模块 pyro.ops.stats 中)
EnergyDistance (pyro.infer.energy_distance 中的类)
entropy() (Logistic 方法)
enum() (在模块 pyro.contrib.funsor.handlers 中)
(在模块 pyro.poutine.handlers 中)
enum_extend() (在模块 pyro.poutine.util 中)
enumerate (InferDict 属性)
enumerate_site() (在模块 pyro.poutine.enum_messenger 中)
enumerate_support() (BetaBinomial 方法)
(Distribution 方法)
(Empirical 方法)
(MaskedDistribution 方法)
(OneOneMatching 方法)
(OneTwoMatching 方法)
(SpanningTree 方法)
EnumMessenger (pyro.poutine.enum_messenger 中的类)
eps (NeuralAutoregressive 属性)
escape() (在模块 pyro.poutine.handlers 中)
EscapeMessenger (pyro.poutine.escape_messenger 中的类)
eval_crps() (在模块 pyro.contrib.forecast.evaluate 中)
eval_mae() (在模块 pyro.contrib.forecast.evaluate 中)
eval_rmse() (在模块 pyro.contrib.forecast.evaluate 中)
evaluate() (FactorMuE 方法)
(ProfileHMM 方法)
evaluate_loss() (SVI 方法)
event_dim (PyroParam 属性)
(TorchDistributionMixin 属性)
event_logsumexp() (Gaussian 方法)
event_pad() (Gaussian 方法)
event_permute() (AffineNormal 方法)
(Gaussian 方法)
event_shape (Empirical 属性)
(TorchDistributionMixin 属性)
exp_goodness_of_fit() (在模块 pyro.distributions.testing.gof 中)
expand (InferDict 属性)
expand() (AffineBeta 方法)
(AffineNormal 方法)
(AsymmetricLaplace 方法)
(BetaBinomial 方法)
(CoalescentTimesWithRate 方法)
(Delta 方法)
(DirichletMultinomial 方法)
(DiscreteHMM 方法)
(FoldedDistribution 方法)
(GammaGaussianHMM 方法)
(GammaPoisson 方法)
(Gaussian 方法)
(GaussianHMM 方法)
(GaussianMRF 方法)
(GroupedNormalNormal 方法)
(ImproperUniform 方法)
(IndependentHMM 方法)
(InverseGamma 方法)
(LinearHMM 方法)
(LKJ 方法)
(Logistic 方法)
(LogNormalNegativeBinomial 方法)
(MaskedDistribution 方法)
(MaskedMixture 方法)
(MixtureOfDiagNormals 方法)
(MixtureOfDiagNormalsSharedCovariance 方法)
(MultivariateStudentT 方法)
(OrderedLogistic 方法)
(ProjectedNormal 方法)
(SineBivariateVonMises 方法)
(SineSkewed 方法)
(SkewLogistic 方法)
(SoftAsymmetricLaplace 方法)
(SoftLaplace 方法)
(Stable 方法)
(TorchDistribution 方法)
(TorchDistributionMixin 方法)
(TruncatedPolyaGamma 方法)
(Unit 方法)
(VonMises3D 方法)
(ZeroInflatedDistribution 方法)
expand_by() (TorchDistributionMixin 方法)
Exponent(类,在 pyro.contrib.gp.kernels 中)
Exponential(类,在 pyro.contrib.gp.kernels 中)
(类,在 pyro.distributions 中)
ExponentialFamily(类,在 pyro.distributions 中)
ExponentialLR()(在模块 pyro.optim.pytorch_optimizers 中)
ExponentialNet(类,在 pyro.contrib.cevae 中)
ExtendedBetaBinomial(类,在 pyro.distributions 中)
ExtendedBinomial(类,在 pyro.distributions 中)
F
factor()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.primitives 中)
FactorMuE(类,在 pyro.contrib.mue.models 中)
filter() (DiscreteHMM 方法)
(GammaGaussianHMM 方法)
(GaussianHMM 方法)
(MissingDataDiscreteHMM 方法)
filter_states() (EKFDistribution 方法)
finalize() (CompartmentalModel 方法)
FisherSnedecor(类,在 pyro.distributions 中)
fit() (CEVAE 方法)
fit_generalized_pareto()(在模块 pyro.ops.stats 中)
fit_mcmc() (CompartmentalModel 方法)
fit_svi() (CompartmentalModel 方法)
(FactorMuE 方法)
(ProfileHMM 方法)
fn (Message 属性)
(ReparamMessage 属性)
(ReparamResult 属性)
FoldedDistribution(类,在 pyro.distributions 中)
forecast() (DependentMaternGP 方法)
(GenericLGSSM 方法)
(GenericLGSSMWithGPNoiseModel 方法)
(IndependentMaternGP 方法)
(LinearlyCoupledMaternGP 方法)
(TimeSeriesModel 方法)
Forecaster(类,在 pyro.contrib.forecast.forecaster 中)
ForecastingModel(类,在 pyro.contrib.forecast.forecaster 中)
format_shapes() (Trace 方法)
forward() (AutoCallable 方法)
(AutoContinuous 方法)
(AutoDelta 方法)
(AutoDiscreteParallel 方法)
(AutoGaussian 方法)
(AutoGuideList 方法)
(AutoNormal 方法)
(AutoRegressiveNN 方法)
(AutoStructured 方法)
(BernoulliNet 方法)
(Binary 方法)
(Brownian 方法)
(ConditionalAutoRegressiveNN 方法)
(ConditionalDenseNN 方法)
(Constant 方法)
(Coregionalize 方法)
(Cosine 方法)
(DenseNN 方法)
(DiagNormalNet 方法)
(DynamicModel 方法)
(EasyGuide 方法)
(ELBOModule 方法)
(Exponent 方法)
(Exponential 方法)
(ExponentialNet 方法)
(Gaussian 方法)
(GPLVM 方法)
(GPModel 方法)
(GPRegression 方法)
(Guide 方法)
(Kernel 方法)
(LaplaceNet 方法)
(Likelihood 方法)
(Linear 方法)
(Matern32 方法)
(Matern52 方法)
(MHResampler 方法)
(Model 方法)
(MultiClass 方法)
(Ncp 方法)
(Ncv 方法)
(NormalNet 方法)
(Periodic 方法)
(Poisson 方法)
(Polynomial 方法)
(Predictive 方法)
(Product 方法)
(Profile 方法)
(RationalQuadratic 方法)
(RBF 方法)
(SparseGPRegression 方法)
(StudentTNet 方法)
(Sum 方法)
(VariationalGP 方法)
(VariationalSparseGP 方法)
(VerticalScaling 方法)
(Warping 方法)
(WeighedPredictive 方法)
(WhiteNoise 方法)
forward_shape() (DiscreteCosineTransform 方法)
(HaarTransform 方法)
(PositivePowerTransform 方法)
(SimplexToOrderedTransform 方法)
frame_num (EKFState 属性)
(Measurement 属性)
full_mass (CompartmentalModel 属性)
full_size (CondIndepStackFrame 属性)
FullyConnected(类,在 pyro.contrib.cevae 中)
G
Gamma(类,在 pyro.distributions 中)
GammaGaussianHMM(类,在 pyro.distributions 中)
GammaPoisson(类,在 pyro.distributions 中)
gate (ZeroInflatedDistribution 属性)
gate_logits (ZeroInflatedDistribution 属性)
Gaussian(类,在 pyro.contrib.gp.likelihoods 中)
(类,在 pyro.ops.gaussian 中)
gaussian_tensordot()(在模块 pyro.ops.gaussian 中)
GaussianHMM(类,在 pyro.distributions 中)
GaussianMRF(类,在 pyro.distributions 中)
GaussianScaleMixture(类,在 pyro.distributions 中)
gelman_rubin()(在模块 pyro.ops.stats 中)
generalized_channel_permute()(在模块 pyro.distributions.transforms 中)
GeneralizedChannelPermute(类,在 pyro.distributions.transforms 中)
generate() (CompartmentalModel 方法)
generator() (MarkovMessenger 方法)
GenericLGSSM(类,在 pyro.contrib.timeseries.lgssm 中)
GenericLGSSMWithGPNoiseModel(类,在 pyro.contrib.timeseries.lgssmgp 中)
geodesic_difference() (DynamicModel 方法)
(Measurement 方法)
Geometric(类,在 pyro.distributions 中)
get() (CountMeanStats 方法)
(CountMeanVarianceStats 方法)
(CountStats 方法)
(在模块 pyro.settings 中)
(StackStats 方法)
(StatsOfDict 方法)
(StreamingStats 方法)
get_all_param_names() (ParamStoreDict 方法)
get_base_dist() (AutoContinuous 方法)
(AutoDiagonalNormal 方法)
(AutoMultivariateNormal 方法)
(AutoNormalizingFlow 方法)
get_class() (DistributionNet 静态方法)
get_covariance() (WelfordArrowheadCovariance 方法)
(WelfordCovariance 方法)
get_data_directory()(在模块 pyro.contrib.examples.util 中)
get_data_loader()(在模块 pyro.contrib.examples.util 中)
get_deltas() (AutoStructured 方法)
get_dependencies()(在模块 pyro.infer.inspect 中)
get_dist() (DependentMaternGP 方法)
(GenericLGSSM 方法)
(GenericLGSSMWithGPNoiseModel 方法)
(IndependentMaternGP 方法)
(LinearlyCoupledMaternGP 方法)
(TimeSeriesModel 方法)
get_empirical() (SMCFilter 方法)
get_ESS() (LogWeightsMixin 方法)
get_log_normalizer() (LogWeightsMixin 方法)
get_mask()(在模块 pyro.poutine.runtime 中)
get_min_sample_transition_count() (MHResampler 方法)
get_named_particles() (SVGD 方法)
get_normalized_weights() (LogWeightsMixin 方法)
get_param() (ParamStoreDict 方法)
get_param_store()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.minipyro 中)
(在模块 pyro.primitives 中)
get_permutation() (ConditionalAutoRegressiveNN 方法)
get_plates()(在模块 pyro.poutine.runtime 中)
get_posterior() (AutoContinuous 方法)
(AutoDiagonalNormal 方法)
(AutoHierarchicalNormalMessenger 方法)
(AutoLaplaceApproximation 方法)
(AutoLowRankMultivariateNormal 方法)
(AutoMultivariateNormal 方法)
(AutoNormalizingFlow 方法)
(AutoNormalMessenger 方法)
(AutoRegressiveMessenger 方法)
(GroupedNormalNormal 方法)
(GuideMessenger 方法)
get_quad_rule()(在模块 pyro.ops.special 中)
get_samples() (MCMC 方法)
(MHResampler 方法)
(Predictive 方法)
get_source_samples() (MHResampler 方法)
get_state() (DualAveraging 方法)
(ParamStoreDict 方法)
(PyroOptim 方法)
get_statistics() (StreamingMCMC 方法)
get_step() (MixedMultiOptimizer 方法)
(MultiOptimizer 方法)
(Newton 方法)
get_stored_samples() (MHResampler 方法)
get_total_transition_count() (MHResampler 方法)
get_trace() (trace 方法)
(TraceHandler 方法)
(TraceMessenger 方法)
get_traces() (GuideMessenger 方法)
get_transform() (AutoContinuous 方法)
(AutoDiagonalNormal 方法)
(AutoMultivariateNormal 方法)
(AutoNormalizingFlow 方法)
get_vectorized_trace() (Predictive 方法)
given_states() (MissingDataDiscreteHMM 方法)
GLOBAL (DimType 属性)
global_frame (DimStack 属性)
global_model() (CompartmentalModel 方法)
GlobalNamedMessenger(类,在 pyro.contrib.funsor.handlers.named_messenger 中)
GPLVM(类,在 pyro.contrib.gp.models.gplvm 中)
GPModel(类,在 pyro.contrib.gp.models.model 中)
GPRegression(类,在 pyro.contrib.gp.models.gpr 中)
Group(类,在 pyro.contrib.easyguide.easyguide 中)
group() (EasyGuide 方法)
GroupedNormalNormal(类,在 pyro.distributions 中)
Guide(类,在 pyro.contrib.cevae 中)
guide (Group 属性)
guide() (EasyGuide 方法)
(GPLVM 方法)
(GPModel 方法)
(GPRegression 方法)
(SparseGPRegression 方法)
(VariationalGP 方法)
(VariationalSparseGP 方法)
guide_log_prob (WeighedPredictiveResults 属性)
GuideMessenger(类,在 pyro.poutine.guide 中)
Gumbel(类,在 pyro.distributions 中)
GumbelSoftmaxReparam(类,在 pyro.infer.reparam.softmax 中)
H
haar_transform()(在模块 pyro.ops.tensor_utils 中)
HaarReparam(类,在 pyro.infer.reparam.haar 中)
HaarTransform(类,在 pyro.distributions.transforms 中)
HalfCauchy(类,在 pyro.distributions 中)
HalfNormal(类,在 pyro.distributions 中)
has_enumerate_support (BetaBinomial 属性)
(Distribution 属性)
(Empirical 属性)
(MaskedDistribution 属性)
(OneOneMatching 属性)
(OneTwoMatching 属性)
(SpanningTree 属性)
has_rsample (AsymmetricLaplace 属性)
(Delta 属性)
(Distribution 属性)
(GaussianHMM 属性)
(GaussianScaleMixture 属性)
(IndependentHMM 属性)
(InverseGamma 属性)
(LinearHMM 属性)
(Logistic 属性)
(MaskedDistribution 属性)
(MaskedMixture 属性)
(MixtureOfDiagNormals 属性)
(MixtureOfDiagNormalsSharedCovariance 属性)
(MultivariateStudentT 属性)
(ProjectedNormal 属性)
(Rejector 属性)
(SkewLogistic 属性)
(SoftAsymmetricLaplace 属性)
(SoftLaplace 属性)
(Stable 属性)
(TruncatedPolyaGamma 属性)
has_rsample_() (Distribution 方法)
HeterogeneousRegionalSIRModel(类,在 pyro.contrib.epidemiology.models 中)
HeterogeneousSIRModel(类,在 pyro.contrib.epidemiology.models 中)
heuristic() (CompartmentalModel 方法)
HiddenLayer(类,在 pyro.contrib.bnn.hidden_layer 中)
high (AffineBeta 属性)
HMC(类,在 pyro.infer.mcmc 中)
HMCForecaster(类,在 pyro.contrib.forecast.forecaster 中)
HorovodOptimizer(类,在 pyro.optim.horovod 中)
Householder(类,在 pyro.distributions.transforms 中)
householder()(在模块 pyro.distributions.transforms 中)
hpdi()(在模块 pyro.ops.stats 中)
I
icdf() (Logistic 方法)
(SkewLogistic 方法)
(SoftLaplace 方法)
idct()(在模块 pyro.ops.tensor_utils 中)
identify_dense_edges()(在模块 pyro.poutine.trace_messenger 中)
Importance(类,在 pyro.infer.importance 中)
ImproperUniform(类,在 pyro.distributions.improper_uniform 中)
IMQSteinKernel(类,在 pyro.infer.svgd 中)
imresize()(在模块 pyro.contrib.examples.multi_mnist 中)
Independent(类,在 pyro.distributions 中)
independent() (TorchDistributionMixin 方法)
IndependentHMM(类,在 pyro.distributions 中)
IndependentMaternGP(类,在 pyro.contrib.timeseries.gp 中)
IndepMessenger(类,在 pyro.poutine.indep_messenger 中)
Index(类,在 pyro.ops.indexing 中)
index()(在模块 pyro.ops.indexing 中)
indices (IndepMessenger 属性)
infection_dist()(在模块 pyro.contrib.epidemiology.distributions 中)
infer (Message 属性)
infer_config()(在模块 pyro.poutine.handlers 中)
infer_discrete()(在模块 pyro.contrib.funsor.infer.discrete 中)
(在模块 pyro.infer.discrete 中)
infer_shapes() (AffineBeta 静态方法)
(DirichletMultinomial 静态方法)
(MultivariateStudentT 静态方法)
(ProjectedNormal 静态方法)
(SineBivariateVonMises 类方法)
(TorchDistributionMixin 类方法)
InferConfigMessenger(类,在 pyro.poutine.infer_config_messenger 中)
InferDict(类,在 pyro.poutine.runtime 中)
information_criterion() (TracePosterior 方法)
init() (EasyGuide 方法)
(SMCFilter 方法)
init_to_feasible()(在模块 pyro.infer.autoguide.initialization 中)
init_to_generated()(在模块 pyro.infer.autoguide.initialization 中)
init_to_mean()(在模块 pyro.infer.autoguide.initialization 中)
init_to_median()(在模块 pyro.infer.autoguide.initialization 中)
init_to_sample()(在模块 pyro.infer.autoguide.initialization 中)
init_to_uniform()(在模块 pyro.infer.autoguide.initialization 中)
init_to_value()(在模块 pyro.infer.autoguide.initialization 中)
init_value (PyroParam 属性)
initial_params (HMC 属性)
(MCMCKernel 属性)
(RandomWalkKernel 属性)
initialize() (CompartmentalModel 方法)
initialize_model()(在模块 pyro.infer.mcmc.util 中)
InitMessenger(类,在 pyro.infer.autoguide.initialization 中)
innovation() (EKFState 方法)
inv (ConditionalTransformModule 属性)
inv_permutation (Permute 属性)
inverse_haar_transform()(在模块 pyro.ops.tensor_utils 中)
inverse_mass_matrix (BlockMassMatrix 属性)
(HMC 属性)
inverse_shape() (DiscreteCosineTransform 方法)
(HaarTransform 方法)
(PositivePowerTransform 方法)
(SimplexToOrderedTransform 方法)
InverseGamma(类,在 pyro.distributions 中)
is_auxiliary (InferDict 属性)
is_observed (InferDict 属性)
(Message 属性)
(ReparamMessage 属性)
(ReparamResult 属性)
is_scheduler()(在模块 pyro.optim.optim 中)
is_validation_enabled()(在模块 pyro.infer.util 中)
(在模块 pyro.poutine.util 中)
Isotropy(类,在 pyro.contrib.gp.kernels 中)
ite() (CEVAE 方法)
items() (ParamStoreDict 方法)
iter_sample() (GPRegression 方法)
iter_stochastic_nodes() (Trace 方法)
iterated()(在模块 pyro.distributions.transforms 中)
J
jacobian() (DifferentiableDynamicModel 方法)
(DifferentiableMeasurement 方法)
(Ncp 方法)
(Ncv 方法)
(PositionMeasurement 方法)
Jit_ELBO(类,在 pyro.contrib.funsor.infer.elbo 中)
JitTrace_ELBO(类,在 pyro.contrib.funsor.infer.trace_elbo 中)
(类,在 pyro.contrib.minipyro 中)
(类,在 pyro.infer.trace_elbo 中)
JitTraceEnum_ELBO(类,在 pyro.contrib.funsor.infer.traceenum_elbo 中)
(类,在 pyro.infer.traceenum_elbo 中)
JitTraceGraph_ELBO(类,在 pyro.infer.tracegraph_elbo 中)
JitTraceMarkovEnum_ELBO(类,在 pyro.contrib.funsor.infer.traceenum_elbo 中)
JitTraceMeanField_ELBO(类,在 pyro.infer.trace_mean_field_elbo 中)
JitTraceTMC_ELBO(类,在 pyro.contrib.funsor.infer.tracetmc_elbo 中)
K
Kernel(类,在 pyro.contrib.gp.kernels 中)
keys() (ParamStoreDict 方法)
kinetic_grad() (BlockMassMatrix 方法)
Kumaraswamy(类,在 pyro.distributions 中)
kwargs (Message 属性)
L
LambdaLR()(在模块 pyro.optim.pytorch_optimizers 中)
Laplace(类,在 pyro.distributions 中)
laplace_approximation() (AutoLaplaceApproximation 方法)
laplace_eig()(在模块 pyro.contrib.oed.eig 中)
LaplaceNet(类,在 pyro.contrib.cevae 中)
LatentStableReparam(类,在 pyro.infer.reparam.stable 中)
leaky_relu()(在模块 pyro.distributions.transforms 中)
LeakyReLUTransform(类,在 pyro.distributions.transforms 中)
left_condition() (AffineNormal 方法)
(Gaussian 方法)
left_scale (AsymmetricLaplace 属性)
(SoftAsymmetricLaplace 属性)
lfire_eig()(在模块 pyro.contrib.oed.eig 中)
lift()(在模块 pyro.poutine.handlers 中)
LiftMessenger(类,在 pyro.poutine.lift_messenger 中)
Likelihood(类,在 pyro.contrib.gp.likelihoods 中)
Linear(类,在 pyro.contrib.gp.kernels 中)
LinearHMM(类,在 pyro.distributions 中)
LinearHMMReparam(类,在 pyro.infer.reparam.hmm 中)
LinearLR()(在模块 pyro.optim.pytorch_optimizers 中)
LinearlyCoupledMaternGP(类,在 pyro.contrib.timeseries.gp 中)
List(类,在 pyro.contrib.autoname.named 中)
LKJ(类,在 pyro.distributions 中)
LKJCholesky(类,在 pyro.distributions 中)
LKJCorrCholesky(类,在 pyro.distributions 中)
load()(在模块 pyro.contrib.examples.multi_mnist 中)
(ParamStoreDict 方法)
(PyroOptim 方法)
load_bart_od()(在模块 pyro.contrib.examples.bart 中)
load_fake_od()(在模块 pyro.contrib.examples.bart 中)
load_mnist()(在模块 pyro.contrib.examples.multi_mnist 中)
load_nextstrain_counts()(在模块 pyro.contrib.examples.nextstrain 中)
loc (AffineBeta 属性)
LOCAL (DimType 属性)
local_frame (DimStack 属性)
LocScaleReparam(类,在 pyro.infer.reparam.loc_scale 中)
log_abs_det_jacobian() (AffineAutoregressive 方法)
(AffineCoupling 方法)
(BatchNorm 方法)
(BlockAutoregressive 方法)
(CholeskyTransform 方法)
(CorrMatrixCholeskyTransform 方法)
(DiscreteCosineTransform 方法)
(ELUTransform 方法)
(HaarTransform 方法)
(LeakyReLUTransform 方法)
(LowerCholeskyAffine 方法)
(NeuralAutoregressive 方法)
(OrderedTransform 方法)
(Permute 方法)
(Polynomial 方法)
(PositivePowerTransform 方法)
(SimplexToOrderedTransform 方法)
(SoftplusTransform 方法)
(SplineAutoregressive 方法)
(SplineCoupling 方法)
(Sylvester 方法)
log_beta()(在模块 pyro.ops.special 中)
log_binomial()(在模块 pyro.ops.special 中)
log_density() (Gaussian 方法)
log_I1()(在模块 pyro.ops.special 中)
log_kernel_and_grad() (IMQSteinKernel 方法)
(RBFSteinKernel 方法)
(SteinKernel 方法)
log_likelihood_of_update() (EKFState 方法)
log_partition_function (OneOneMatching 属性)
(OneTwoMatching 属性)
(SpanningTree 属性)
log_prob (Message 属性)
log_prob() (AsymmetricLaplace 方法)
(BetaBinomial 方法)
(CoalescentTimes 方法)
(CoalescentTimesWithRate 方法)
(Delta 方法)
(DependentMaternGP 方法)
(DirichletMultinomial 方法)
(DiscreteHMM 方法)
(Distribution 方法)
(EKFDistribution 方法)
(Empirical 方法)
(ExtendedBetaBinomial 方法)
(ExtendedBinomial 方法)
(FoldedDistribution 方法)
(GammaGaussianHMM 方法)
(GammaPoisson 方法)
(GaussianHMM 方法)
(GaussianMRF 方法)
(GaussianScaleMixture 方法)
(GenericLGSSM 方法)
(GenericLGSSMWithGPNoiseModel 方法)
(GroupedNormalNormal 方法)
(ImproperUniform 方法)
(IndependentHMM 方法)
(IndependentMaternGP 方法)
(LinearHMM 方法)
(LinearlyCoupledMaternGP 方法)
(Logistic 方法)
(LogNormalNegativeBinomial 方法)
(MaskedDistribution 方法)
(MaskedMixture 方法)
(MissingDataDiscreteHMM 方法)
(MixtureOfDiagNormals 方法)
(MixtureOfDiagNormalsSharedCovariance 方法)
(MultivariateStudentT 方法)
(NanMaskedMultivariateNormal 方法)
(NanMaskedNormal 方法)
(OneOneMatching 方法)
(OneTwoMatching 方法)
(ProjectedNormal 方法)
(Rejector 方法)
(RelaxedBernoulliStraightThrough 方法)
(RelaxedOneHotCategoricalStraightThrough 方法)
(SineBivariateVonMises 方法)
(SineSkewed 方法)
(SkewLogistic 方法)
(SoftAsymmetricLaplace 方法)
(SoftLaplace 方法)
(SpanningTree 方法)
(Stable 方法)
(TimeSeriesModel 方法)
(TruncatedPolyaGamma 方法)
(Unit 方法)
(VonMises3D 方法)
(ZeroInflatedDistribution 方法)
log_prob_sum (Message 属性)
log_prob_sum() (Trace 方法)
log_weights (Empirical 属性)
(Importance 属性)
(LogWeightsMixin 属性)
(WeighedPredictiveResults 属性)
logging() (HMC 方法)
(MCMCKernel 方法)
(RandomWalkKernel 方法)
Logistic(类,在 pyro.distributions 中)
LogisticNormal(类,在 pyro.distributions 中)
logits (ZeroInflatedNegativeBinomial 属性)
LogNormal(类,在 pyro.distributions 中)
LogNormalNegativeBinomial(类,在 pyro.distributions 中)
LogWeightsMixin(类,在 pyro.infer.importance 中)
loss() (ELBO 方法)
(EnergyDistance 方法)
(RenyiELBO 方法)
(ReweightedWakeSleep 方法)
(Trace_ELBO 方法)
(TraceCausalEffect_ELBO 方法)
(TraceEnum_ELBO 方法)
(TraceGraph_ELBO 方法)
(TraceMeanField_ELBO 方法)
(TraceTailAdaptive_ELBO 方法)
(TraceTMC_ELBO 方法)
loss_and_grads() (ELBO 方法)
(JitTrace_ELBO 方法)
(JitTraceEnum_ELBO 方法)
(JitTraceGraph_ELBO 方法)
(JitTraceMeanField_ELBO 方法)
(RenyiELBO 方法)
(ReweightedWakeSleep 方法)
(Trace_ELBO 方法)
(TraceEnum_ELBO 方法)
(TraceGraph_ELBO 方法)
(TraceTMC_ELBO 方法)
loss_and_surrogate_loss() (JitTrace_ELBO 方法)
low (AffineBeta 属性)
LowerCholeskyAffine(类,在 pyro.distributions.transforms 中)
LowRankMultivariateNormal(类,在 pyro.distributions 中)
LRScheduler()(在模块 pyro.optim.pytorch_optimizers 中)
LSH(类,在 pyro.contrib.tracking.hashing 中)
M
make_dist() (BernoulliNet 静态方法)
(ExponentialNet 静态方法)
(LaplaceNet 静态方法)
(NormalNet 静态方法)
(StudentTNet 静态方法)
map_estimate() (EasyGuide 方法)
(Group 方法)
map_states() (MissingDataDiscreteHMM 方法)
marginal() (TracePosterior 方法)
(TracePredictive 方法)
marginal_eig()(在模块 pyro.contrib.oed.eig 中)
MarginalAssignment(类,在 pyro.contrib.tracking.assignment 中)
MarginalAssignmentPersistent(类,在 pyro.contrib.tracking.assignment 中)
MarginalAssignmentSparse(类,在 pyro.contrib.tracking.assignment 中)
marginalize() (AffineNormal 方法)
(Gaussian 方法)
Marginals(类,在 pyro.infer.abstract_infer 中)
markov()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.funsor.handlers 中)
(在模块 pyro.poutine.handlers 中)
MarkovMessenger(类,在 pyro.contrib.funsor.handlers.named_messenger 中)
(类,在 pyro.poutine.markov_messenger 中)
mask (Message 属性)
mask()(在模块 pyro.poutine.handlers 中)
(TorchDistributionMixin 方法)
MaskedDistribution(类,在 pyro.distributions 中)
MaskedMixture(类,在 pyro.distributions 中)
MaskMessenger(类,在 pyro.poutine.mask_messenger 中)
mass_matrix_adapter (HMC 属性)
mass_matrix_size (BlockMassMatrix 属性)
match() (ParamStoreDict 方法)
Matern32(类,在 pyro.contrib.gp.kernels 中)
Matern52(类,在 pyro.contrib.gp.kernels 中)
MaternKernel(类,在 pyro.ops.ssm_gp 中)
matmul()(在模块 pyro.ops.tensor_utils 中)
matrix_and_gaussian_to_gaussian()(在模块 pyro.ops.gaussian 中)
matrix_and_mvn_to_gaussian()(在模块 pyro.ops.gaussian 中)
matrix_exponential()(在模块 pyro.distributions.transforms 中)
MatrixExponential(类,在 pyro.distributions.transforms 中)
matvecmul()(在模块 pyro.ops.tensor_utils 中)
MAX_DIM (DimStack 属性)
max_sample_iter (SineBivariateVonMises 属性)
mc_extend()(在模块 pyro.poutine.util 中)
MCMC(类,在 pyro.infer.mcmc.api 中)
MCMCKernel(类,在 pyro.infer.mcmc.mcmc_kernel 中)
mean (AffineBeta 属性)
(AsymmetricLaplace 属性)
(BetaBinomial 属性)
(Delta 属性)
(DirichletMultinomial 属性)
(EKFState 属性)
(Empirical 属性)
(GammaPoisson 属性)
(LKJ 属性)
(Logistic 属性)
(LogNormalNegativeBinomial 属性)
(MaskedDistribution 属性)
(MaskedMixture 属性)
(Measurement 属性)
(MultivariateStudentT 属性)
(ProjectedNormal 属性)
(SineBivariateVonMises 属性)
(SoftAsymmetricLaplace 属性)
(SoftLaplace 属性)
(Stable 属性)
(ZeroInflatedDistribution 属性)
mean2pv() (DynamicModel 方法)
(Ncp 方法)
(Ncv 方法)
mean_pv (EKFState 属性)
Measurement(类,在 pyro.contrib.tracking.measurements 中)
median() (AutoContinuous 方法)
(AutoDelta 方法)
(AutoGaussian 方法)
(AutoGuide 方法)
(AutoGuideList 方法)
(AutoHierarchicalNormalMessenger 方法)
(AutoNormal 方法)
(AutoNormalMessenger 方法)
(AutoStructured 方法)
merge() (CountMeanStats 方法)
(CountMeanVarianceStats 方法)
(CountStats 方法)
(StackStats 方法)
(StatsOfDict 方法)
(StreamingStats 方法)
merge_points()(在模块 pyro.contrib.tracking.hashing 中)
Message(类,在 pyro.poutine.runtime 中)
Messenger(类,在 pyro.contrib.minipyro 中)
(类,在 pyro.poutine.messenger 中)
mg2k()(在模块 pyro.contrib.mue.statearrangers 中)
MHResampler(类,在 pyro.infer.predictive 中)
MinimalReparam(类,在 pyro.infer.reparam.strategies 中)
mirrors (MNIST 属性)
MissingDataDiscreteHMM(类,在 pyro.contrib.mue.missingdatahmm 中)
MixedMultiOptimizer(类,在 pyro.optim.multi 中)
MixtureOfDiagNormals(类,在 pyro.distributions 中)
MixtureOfDiagNormalsSharedCovariance(类,在 pyro.distributions 中)
MixtureSameFamily(类,在 pyro.distributions 中)
mk_dataset()(在模块 pyro.contrib.examples.multi_mnist 中)
MNIST(类,在 pyro.contrib.examples.util 中)
mode (Parameterized 属性)
,
[1]
(ProjectedNormal 属性)
(SpanningTree 属性)
mode() (OneOneMatching 方法)
(OneTwoMatching 方法)
model (AutoGuide 属性)
Model(类,在 pyro.contrib.cevae 中)
model (EasyGuide 属性)
(GuideMessenger 属性)
model() (ForecastingModel 方法)
(GPLVM 方法)
(GPModel 方法)
(GPRegression 方法)
(SparseGPRegression 方法)
(VariationalGP 方法)
(VariationalSparseGP 方法)
model_log_prob (WeighedPredictiveResults 属性)
module
pyro.contrib.autoname
pyro.contrib.autoname.named
pyro.contrib.autoname.scoping
pyro.contrib.bnn
pyro.contrib.bnn.hidden_layer
pyro.contrib.cevae
pyro.contrib.easyguide
pyro.contrib.epidemiology
pyro.contrib.epidemiology.compartmental
pyro.contrib.epidemiology.distributions
pyro.contrib.epidemiology.models
pyro.contrib.examples.bart
pyro.contrib.examples.multi_mnist
pyro.contrib.examples.nextstrain
pyro.contrib.examples.util
pyro.contrib.forecast
pyro.contrib.forecast.evaluate
pyro.contrib.forecast.forecaster
pyro.contrib.funsor
pyro.contrib.funsor.handlers
pyro.contrib.funsor.handlers.named_messenger
pyro.contrib.funsor.handlers.primitives
pyro.contrib.funsor.handlers.runtime
pyro.contrib.funsor.infer.discrete
pyro.contrib.funsor.infer.elbo
pyro.contrib.funsor.infer.trace_elbo
pyro.contrib.funsor.infer.traceenum_elbo
pyro.contrib.funsor.infer.tracetmc_elbo
pyro.contrib.gp
pyro.contrib.gp.kernels
pyro.contrib.gp.likelihoods
pyro.contrib.gp.models.gplvm
pyro.contrib.gp.models.gpr
pyro.contrib.gp.models.model
pyro.contrib.gp.models.sgpr
pyro.contrib.gp.models.vgp
pyro.contrib.gp.models.vsgp
pyro.contrib.gp.parameterized
pyro.contrib.gp.util
pyro.contrib.minipyro
pyro.contrib.mue
pyro.contrib.mue.dataloaders
pyro.contrib.mue.missingdatahmm
pyro.contrib.mue.models
pyro.contrib.mue.statearrangers
pyro.contrib.oed
pyro.contrib.oed.eig
pyro.contrib.oed.glmm
pyro.contrib.randomvariable
pyro.contrib.timeseries
pyro.contrib.timeseries.base
pyro.contrib.timeseries.gp
pyro.contrib.timeseries.lgssm
pyro.contrib.timeseries.lgssmgp
pyro.contrib.tracking
pyro.contrib.tracking.assignment
pyro.contrib.tracking.distributions
pyro.contrib.tracking.dynamic_models
pyro.contrib.tracking.extended_kalman_filter
pyro.contrib.tracking.hashing
pyro.contrib.tracking.measurements
pyro.contrib.zuko
pyro.distributions.constraints
pyro.distributions.testing.gof
pyro.distributions.torch
pyro.infer.abstract_infer
pyro.infer.autoguide
pyro.infer.autoguide.initialization
pyro.infer.discrete
pyro.infer.elbo
pyro.infer.energy_distance
pyro.infer.importance
pyro.infer.inspect
pyro.infer.predictive
pyro.infer.renyi_elbo
pyro.infer.reparam
pyro.infer.reparam.conjugate
pyro.infer.reparam.discrete_cosine
pyro.infer.reparam.haar
pyro.infer.reparam.hmm
pyro.infer.reparam.loc_scale
pyro.infer.reparam.neutra
pyro.infer.reparam.projected_normal
pyro.infer.reparam.reparam
pyro.infer.reparam.softmax
pyro.infer.reparam.split
pyro.infer.reparam.stable
pyro.infer.reparam.strategies
pyro.infer.reparam.structured
pyro.infer.reparam.studentt
pyro.infer.reparam.transform
pyro.infer.reparam.unit_jacobian
pyro.infer.resampler
pyro.infer.rws
pyro.infer.smcfilter
pyro.infer.svgd
pyro.infer.svi
pyro.infer.trace_elbo
pyro.infer.trace_mean_field_elbo
pyro.infer.trace_tail_adaptive_elbo
pyro.infer.traceenum_elbo
pyro.infer.tracegraph_elbo
pyro.infer.tracetmc_elbo
pyro.nn.module
pyro.ops.dual_averaging
pyro.ops.einsum
pyro.ops.gaussian
pyro.ops.indexing
pyro.ops.integrator
pyro.ops.newton
pyro.ops.special
pyro.ops.ssm_gp
pyro.ops.stats
pyro.ops.streaming
pyro.ops.tensor_utils
pyro.ops.welford
pyro.optim.adagrad_rmsprop
pyro.optim.clipped_adam
pyro.optim.horovod
pyro.optim.lr_scheduler
pyro.optim.multi
pyro.optim.optim
pyro.optim.pytorch_optimizers
pyro.params.param_store
pyro.poutine.block_messenger
pyro.poutine.broadcast_messenger
pyro.poutine.collapse_messenger
pyro.poutine.condition_messenger
pyro.poutine.do_messenger
pyro.poutine.enum_messenger
pyro.poutine.escape_messenger
pyro.poutine.guide
pyro.poutine.handlers
pyro.poutine.indep_messenger
pyro.poutine.infer_config_messenger
pyro.poutine.lift_messenger
pyro.poutine.markov_messenger
pyro.poutine.mask_messenger
pyro.poutine.messenger
pyro.poutine.plate_messenger
pyro.poutine.reentrant_messenger
pyro.poutine.reparam_messenger
pyro.poutine.replay_messenger
pyro.poutine.runtime
pyro.poutine.scale_messenger
pyro.poutine.seed_messenger
pyro.poutine.subsample_messenger
pyro.poutine.substitute_messenger
pyro.poutine.trace_messenger
pyro.poutine.uncondition_messenger
pyro.poutine.util
pyro.primitives
pyro.settings
module()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.primitives 中)
module_from_param_with_module_name()(在模块 pyro.params.param_store 中)
MultiClass(类,在 pyro.contrib.gp.likelihoods 中)
Multinomial(类,在 pyro.distributions 中)
multinomial_goodness_of_fit()(在模块 pyro.distributions.testing.gof 中)
MultiOptimizer(类,在 pyro.optim.multi 中)
MultiplicativeLR()(在模块 pyro.optim.pytorch_optimizers 中)
MultiStepLR()(在模块 pyro.optim.pytorch_optimizers 中)
MultivariateNormal(类,在 pyro.distributions 中)
MultivariateStudentT(类,在 pyro.distributions 中)
mvn_to_gaussian()(在模块 pyro.ops.gaussian 中)
N
NAdam()(在模块 pyro.optim.pytorch_optimizers 中)
name (CondIndepStackFrame 属性)
(Message 属性)
(ReparamMessage 属性)
name_count()(在模块 pyro.contrib.autoname 中)
(在模块 pyro.contrib.autoname.scoping 中)
NameCountMessenger(类,在 pyro.contrib.autoname.scoping 中)
named()(在模块 pyro.contrib.funsor.handlers 中)
named_parameters() (ParamStoreDict 方法)
named_pyro_params() (PyroModule 方法)
NamedMessenger(类,在 pyro.contrib.funsor.handlers.named_messenger 中)
names_from_batch_shape() (DimStack 方法)
NanMaskedMultivariateNormal(类,在 pyro.distributions 中)
NanMaskedNormal(类,在 pyro.distributions 中)
Ncp(类,在 pyro.contrib.tracking.dynamic_models 中)
NcpContinuous(类,在 pyro.contrib.tracking.dynamic_models 中)
NcpDiscrete(类,在 pyro.contrib.tracking.dynamic_models 中)
Ncv(类,在 pyro.contrib.tracking.dynamic_models 中)
NcvContinuous(类,在 pyro.contrib.tracking.dynamic_models 中)
NcvDiscrete(类,在 pyro.contrib.tracking.dynamic_models 中)
nearby() (LSH 方法)
NegativeBinomial(类,在 pyro.distributions 中)
neural_autoregressive()(在模块 pyro.distributions.transforms 中)
NeuralAutoregressive(类,在 pyro.distributions.transforms 中)
NeuTraReparam(类,在 pyro.infer.reparam.neutra 中)
Newton(类,在 pyro.optim.multi 中)
newton_step()(在模块 pyro.ops.newton 中)
newton_step_1d()(在模块 pyro.ops.newton 中)
newton_step_2d()(在模块 pyro.ops.newton 中)
newton_step_3d()(在模块 pyro.ops.newton 中)
next_context() (IndepMessenger 方法)
next_fast_len()(在模块 pyro.ops.tensor_utils 中)
nmc_eig()(在模块 pyro.contrib.oed.eig 中)
NonlocalExit
nonreparam_stochastic_nodes (Trace 属性)
norm_const (SineBivariateVonMises 属性)
Normal(类,在 pyro.distributions 中)
Normalize(类,在 pyro.distributions.transforms 中)
normalize_param_name()(在模块 pyro.params.param_store 中)
NormalNet(类,在 pyro.contrib.cevae 中)
num_gamma_variates (TruncatedPolyaGamma 属性)
num_log_prob_terms (TruncatedPolyaGamma 属性)
num_process_noise_parameters (DynamicModel 属性)
num_samples (InferDict 属性)
num_steps (HMC 属性)
NUTS(类,在 pyro.infer.mcmc 中)
O
Object(类,在 pyro.contrib.autoname.named 中)
obs (InferDict 属性)
(Message 属性)
observation_nodes (Trace 属性)
OMTMultivariateNormal(类,在 pyro.distributions 中)
OneCycleLR()(在模块 pyro.optim.pytorch_optimizers 中)
OneHotCategorical(类,在 pyro.distributions 中)
OneHotCategoricalStraightThrough(类,在 pyro.distributions 中)
OneOneMatching(类,在 pyro.distributions 中)
OneTwoMatching(类,在 pyro.distributions 中)
OrderedLogistic(类,在 pyro.distributions 中)
OrderedTransform(类,在 pyro.distributions.transforms 中)
OverdispersedSEIRModel(类,在 pyro.contrib.epidemiology.models 中)
OverdispersedSIRModel(类,在 pyro.contrib.epidemiology.models 中)
P
pack_tensors() (Trace 方法)
packed (Message 属性)
param()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.minipyro 中)
(在模块 pyro.primitives 中)
param_() (Object 方法)
param_name() (ParamStoreDict 方法)
param_nodes (Trace 属性)
param_with_module_name()(在模块 pyro.params.param_store 中)
Parameterized(类,在 pyro.contrib.gp 中)
(类,在 pyro.contrib.gp.parameterized 中)
params (StateDict 属性)
ParamStoreDict(类,在 pyro.params.param_store 中)
Pareto(类,在 pyro.distributions 中)
Periodic(类,在 pyro.contrib.gp.kernels 中)
periodic_cumsum()(在模块 pyro.ops.tensor_utils 中)
periodic_features()(在模块 pyro.ops.tensor_utils 中)
periodic_repeat()(在模块 pyro.ops.tensor_utils 中)
Permute(类,在 pyro.distributions.transforms 中)
permute()(在模块 pyro.distributions.transforms 中)
pi()(在模块 pyro.ops.stats 中)
Planar(类,在 pyro.distributions.transforms 中)
planar()(在模块 pyro.distributions.transforms 中)
plate(类,在 pyro.primitives 中)
plate() (EasyGuide 方法)
(在模块 pyro.contrib.funsor.handlers 中)
(在模块 pyro.contrib.minipyro 中)
plate_stack()(在模块 pyro.primitives 中)
PlateMessenger(类,在 pyro.contrib.minipyro 中)
(类,在 pyro.poutine.plate_messenger 中)
Poisson(类,在 pyro.contrib.gp.likelihoods 中)
(类,在 pyro.distributions 中)
Polynomial(类,在 pyro.contrib.gp.kernels 中)
(类,在 pyro.distributions.transforms 中)
polynomial()(在模块 pyro.distributions.transforms 中)
PolynomialLR()(在模块 pyro.optim.pytorch_optimizers 中)
pop_global() (DimStack 方法)
pop_iter() (DimStack 方法)
pop_local() (DimStack 方法)
PositionMeasurement(类,在 pyro.contrib.tracking.measurements 中)
PositivePowerTransform(类,在 pyro.distributions.transforms 中)
posterior_eig()(在模块 pyro.contrib.oed.eig 中)
postprocess_message() (Messenger 方法)
(trace 方法)
potential_grad()(在模块 pyro.ops.integrator 中)
precision_matrix (MultivariateStudentT 属性)
precision_to_scale_tril()(在模块 pyro.ops.tensor_utils 中)
predecessors() (Trace 方法)
predict() (CompartmentalModel 方法)
(EKFState 方法)
(ForecastingModel 方法)
Predictive(类,在 pyro.infer.predictive 中)
prefix_condition() (GaussianHMM 方法)
print_and_log()(在模块 pyro.contrib.examples.util 中)
prior (InferDict 属性)
(PyroSample 属性)
probs (ZeroInflatedNegativeBinomial 属性)
process_covariance() (MaternKernel 方法)
process_message() (block 方法)
(Messenger 方法)
(PlateMessenger 方法)
(replay 方法)
process_noise_cov() (DynamicModel 方法)
(Ncp 方法)
(NcpContinuous 方法)
(NcpDiscrete 方法)
(Ncv 方法)
(NcvContinuous 方法)
(NcvDiscrete 方法)
process_noise_dist() (DynamicModel 方法)
Product(类,在 pyro.contrib.gp.kernels 中)
Profile(类,在 pyro.contrib.mue.statearrangers 中)
ProfileHMM(类,在 pyro.contrib.mue.models 中)
ProjectedNormal(类,在 pyro.distributions 中)
ProjectedNormalReparam(类,在 pyro.infer.reparam.projected_normal 中)
prune_subsample_sites()(在模块 pyro.poutine.util 中)
psis_diagnostic()(在模块 pyro.infer.importance 中)
push_global() (DimStack 方法)
push_iter() (DimStack 方法)
push_local() (DimStack 方法)
pyro.contrib.autoname
module
pyro.contrib.autoname.named
module
pyro.contrib.autoname.scoping
module
pyro.contrib.bnn
module
pyro.contrib.bnn.hidden_layer
module
pyro.contrib.cevae
module
pyro.contrib.easyguide
module
pyro.contrib.epidemiology
module
pyro.contrib.epidemiology.compartmental
module
pyro.contrib.epidemiology.distributions
module
pyro.contrib.epidemiology.models
module
pyro.contrib.examples.bart
module
pyro.contrib.examples.multi_mnist
module
pyro.contrib.examples.nextstrain
module
pyro.contrib.examples.util
module
pyro.contrib.forecast
module
pyro.contrib.forecast.evaluate
module
pyro.contrib.forecast.forecaster
module
pyro.contrib.funsor
module
pyro.contrib.funsor.handlers
module
pyro.contrib.funsor.handlers.named_messenger
module
pyro.contrib.funsor.handlers.primitives
module
pyro.contrib.funsor.handlers.runtime
module
pyro.contrib.funsor.infer.discrete
module
pyro.contrib.funsor.infer.elbo
module
pyro.contrib.funsor.infer.trace_elbo
module
pyro.contrib.funsor.infer.traceenum_elbo
module
pyro.contrib.funsor.infer.tracetmc_elbo
module
pyro.contrib.gp
module
pyro.contrib.gp.kernels
module
pyro.contrib.gp.likelihoods
module
pyro.contrib.gp.models.gplvm
module
pyro.contrib.gp.models.gpr
module
pyro.contrib.gp.models.model
module
pyro.contrib.gp.models.sgpr
module
pyro.contrib.gp.models.vgp
module
pyro.contrib.gp.models.vsgp
module
pyro.contrib.gp.parameterized
module
pyro.contrib.gp.util
module
pyro.contrib.minipyro
module
pyro.contrib.mue
module
pyro.contrib.mue.dataloaders
module
pyro.contrib.mue.missingdatahmm
module
pyro.contrib.mue.models
module
pyro.contrib.mue.statearrangers
module
pyro.contrib.oed
module
pyro.contrib.oed.eig
module
pyro.contrib.oed.glmm
module
pyro.contrib.randomvariable
module
pyro.contrib.timeseries
module
pyro.contrib.timeseries.base
module
pyro.contrib.timeseries.gp
module
pyro.contrib.timeseries.lgssm
module
pyro.contrib.timeseries.lgssmgp
module
pyro.contrib.tracking
module
pyro.contrib.tracking.assignment
module
pyro.contrib.tracking.distributions
module
pyro.contrib.tracking.dynamic_models
module
pyro.contrib.tracking.extended_kalman_filter
module
pyro.contrib.tracking.hashing
module
pyro.contrib.tracking.measurements
module
pyro.contrib.zuko
module
pyro.distributions.constraints
module
pyro.distributions.testing.gof
module
pyro.distributions.torch
module
pyro.infer.abstract_infer
module
pyro.infer.autoguide
module
pyro.infer.autoguide.initialization
module
pyro.infer.discrete
module
pyro.infer.elbo
module
pyro.infer.energy_distance
module
pyro.infer.importance
module
pyro.infer.inspect
module
pyro.infer.predictive
module
pyro.infer.renyi_elbo
module
pyro.infer.reparam
module
pyro.infer.reparam.conjugate
module
pyro.infer.reparam.discrete_cosine
module
pyro.infer.reparam.haar
module
pyro.infer.reparam.hmm
module
pyro.infer.reparam.loc_scale
module
pyro.infer.reparam.neutra
module
pyro.infer.reparam.projected_normal
module
pyro.infer.reparam.reparam
module
pyro.infer.reparam.softmax
module
pyro.infer.reparam.split
module
pyro.infer.reparam.stable
module
pyro.infer.reparam.strategies
module
pyro.infer.reparam.structured
module
pyro.infer.reparam.studentt
module
pyro.infer.reparam.transform
module
pyro.infer.reparam.unit_jacobian
module
pyro.infer.resampler
module
pyro.infer.rws
module
pyro.infer.smcfilter
module
pyro.infer.svgd
module
pyro.infer.svi
module
pyro.infer.trace_elbo
module
pyro.infer.trace_mean_field_elbo
module
pyro.infer.trace_tail_adaptive_elbo
module
pyro.infer.traceenum_elbo
module
pyro.infer.tracegraph_elbo
module
pyro.infer.tracetmc_elbo
module
pyro.nn.module
module
pyro.ops.dual_averaging
module
pyro.ops.einsum
module
pyro.ops.gaussian
module
pyro.ops.indexing
module
pyro.ops.integrator
module
pyro.ops.newton
module
pyro.ops.special
module
pyro.ops.ssm_gp
module
pyro.ops.stats
module
pyro.ops.streaming
module
pyro.ops.tensor_utils
module
pyro.ops.welford
module
pyro.optim.adagrad_rmsprop
module
pyro.optim.clipped_adam
module
pyro.optim.horovod
module
pyro.optim.lr_scheduler
module
pyro.optim.multi
module
pyro.optim.optim
module
pyro.optim.pytorch_optimizers
module
pyro.params.param_store
module
pyro.poutine.block_messenger
module
pyro.poutine.broadcast_messenger
module
pyro.poutine.collapse_messenger
module
pyro.poutine.condition_messenger
module
pyro.poutine.do_messenger
module
pyro.poutine.enum_messenger
module
pyro.poutine.escape_messenger
module
pyro.poutine.guide
module
pyro.poutine.handlers
module
pyro.poutine.indep_messenger
module
pyro.poutine.infer_config_messenger
module
pyro.poutine.lift_messenger
module
pyro.poutine.markov_messenger
module
pyro.poutine.mask_messenger
module
pyro.poutine.messenger
module
pyro.poutine.plate_messenger
module
pyro.poutine.reentrant_messenger
module
pyro.poutine.reparam_messenger
module
pyro.poutine.replay_messenger
module
pyro.poutine.runtime
module
pyro.poutine.scale_messenger
module
pyro.poutine.seed_messenger
module
pyro.poutine.subsample_messenger
module
pyro.poutine.substitute_messenger
module
pyro.poutine.trace_messenger
module
pyro.poutine.uncondition_messenger
module
pyro.poutine.util
module
pyro.primitives
module
pyro.settings
module
pyro_method()(在模块 pyro.nn.module 中)
PyroLRScheduler(类,在 pyro.optim.lr_scheduler 中)
PyroModule(类,在 pyro.nn.module 中)
PyroModuleList(类,在 pyro.nn.module 中)
PyroMultiOptimizer(类,在 pyro.optim.multi 中)
PyroOptim(类,在 pyro.optim.optim 中)
PyroParam(类,在 pyro.nn.module 中)
PyroSample(类,在 pyro.nn.module 中)
Q
Q() (Sylvester 方法)
quantile()(在模块 pyro.ops.stats 中)
quantiles() (AutoContinuous 方法)
(AutoGuideList 方法)
(AutoNormal 方法)
queue()(在模块 pyro.poutine.handlers 中)
R
R() (Sylvester 方法)
RAdam()(在模块 pyro.optim.pytorch_optimizers 中)
Radial(类,在 pyro.distributions.transforms 中)
radial()(在模块 pyro.distributions.transforms 中)
random_module()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.primitives 中)
RandomVariable(类,在 pyro.contrib.randomvariable.random_variable 中)
RandomWalkKernel(类,在 pyro.infer.mcmc 中)
rate (GammaPoisson 属性)
(InverseGamma 属性)
(ZeroInflatedPoisson 属性)
RationalQuadratic(类,在 pyro.contrib.gp.kernels 中)
RBF(类,在 pyro.contrib.gp.kernels 中)
RBFSteinKernel(类,在 pyro.infer.svgd 中)
ReduceLROnPlateau()(在模块 pyro.optim.pytorch_optimizers 中)
ReentrantMessenger(类,在 pyro.poutine.reentrant_messenger 中)
region_plate (CompartmentalModel 属性)
RegionalSIRModel(类,在 pyro.contrib.epidemiology.models 中)
register()(在模块 pyro.settings 中)
(Messenger 类方法)
register_exception_handler()(在模块 pyro.ops.integrator 中)
Rejector(类,在 pyro.distributions 中)
RelaxedBernoulli(类,在 pyro.distributions 中)
RelaxedBernoulliStraightThrough(类,在 pyro.distributions 中)
RelaxedOneHotCategorical(类,在 pyro.distributions 中)
RelaxedOneHotCategoricalStraightThrough(类,在 pyro.distributions 中)
remove() (LSH 方法)
remove_node() (Trace 方法)
render_model()(在模块 pyro.infer.inspect 中)
RenyiELBO(类,在 pyro.infer.renyi_elbo 中)
Reparam(类,在 pyro.infer.reparam.reparam 中)
reparam()(在模块 pyro.poutine.handlers 中)
(NeuTraReparam 方法)
(StructuredReparam 方法)
reparameterized_nodes (Trace 属性)
ReparamHandler(类,在 pyro.poutine.reparam_messenger 中)
ReparamMessage(类,在 pyro.infer.reparam.reparam 中)
ReparamMessenger(类,在 pyro.poutine.reparam_messenger 中)
ReparamResult(类,在 pyro.infer.reparam.reparam 中)
repeated_matmul()(在模块 pyro.ops.tensor_utils 中)
replace_param() (ParamStoreDict 方法)
replay(类,在 pyro.contrib.minipyro 中)
replay()(在模块 pyro.contrib.funsor.handlers 中)
(在模块 pyro.poutine.handlers 中)
ReplayMessenger(类,在 pyro.poutine.replay_messenger 中)
resample()(在模块 pyro.ops.stats 中)
Resampler(类,在 pyro.infer.resampler 中)
reset() (DualAveraging 方法)
(WelfordArrowheadCovariance 方法)
(WelfordCovariance 方法)
reset_parameters() (Householder 方法)
(MatrixExponential 方法)
(Planar 方法)
(Polynomial 方法)
(Radial 方法)
reset_parameters2() (Sylvester 方法)
reset_stack() (NonlocalExit 方法)
reshape() (AffineNormal 方法)
(Gaussian 方法)
(TorchDistributionMixin 方法)
ReweightedWakeSleep(类,在 pyro.infer.rws 中)
right_scale (AsymmetricLaplace 属性)
(SoftAsymmetricLaplace 属性)
RMSprop()(在模块 pyro.optim.pytorch_optimizers 中)
Rprop()(在模块 pyro.optim.pytorch_optimizers 中)
rsample() (AffineBeta 方法)
(AffineNormal 方法)
(AsymmetricLaplace 方法)
(AVFMultivariateNormal 方法)
(Delta 方法)
(Gaussian 方法)
(GaussianHMM 方法)
(GaussianScaleMixture 方法)
(IndependentHMM 方法)
(LinearHMM 方法)
(Logistic 方法)
(MaskedDistribution 方法)
(MaskedMixture 方法)
(MixtureOfDiagNormals 方法)
(MixtureOfDiagNormalsSharedCovariance 方法)
(MultivariateStudentT 方法)
(OMTMultivariateNormal 方法)
(ProjectedNormal 方法)
(Rejector 方法)
(RelaxedBernoulliStraightThrough 方法)
(RelaxedOneHotCategoricalStraightThrough 方法)
(SkewLogistic 方法)
(SoftAsymmetricLaplace 方法)
(SoftLaplace 方法)
(Stable 方法)
(Unit 方法)
rsample_posterior() (GaussianHMM 方法)
run() (MCMC 方法)
(StreamingMCMC 方法)
(SVI 方法)
(TracePosterior 方法)
rv (Distribution 属性)
S
S() (Sylvester 方法)
safe_cholesky()(在模块 pyro.ops.tensor_utils 中)
safe_log()(在模块 pyro.ops.special 中)
safe_normalize()(在模块 pyro.ops.tensor_utils 中)
sample() (AffineBeta 方法)
(BetaBinomial 方法)
(CoalescentTimes 方法)
(DirichletMultinomial 方法)
(DiscreteHMM 方法)
(Distribution 方法)
(Empirical 方法)
(GammaPoisson 方法)
(Group 方法)
(GroupedNormalNormal 方法)
(HMC 方法)
(ImproperUniform 方法)
(在模块 pyro.contrib.autoname 中)
(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.minipyro 中)
(在模块 pyro.primitives 中)
(LogNormalNegativeBinomial 方法)
(MaskedDistribution 方法)
(MaskedMixture 方法)
(MCMCKernel 方法)
(MissingDataDiscreteHMM 方法)
(NUTS 方法)
(OneOneMatching 方法)
(OneTwoMatching 方法)
(RandomWalkKernel 方法)
(Resampler 方法)
(SineBivariateVonMises 方法)
(SineSkewed 方法)
(SpanningTree 方法)
(TruncatedPolyaGamma 方法)
(Unit 方法)
(ZeroInflatedDistribution 方法)
sample_() (Object 方法)
sample_given_states() (MissingDataDiscreteHMM 方法)
sample_latent() (AutoContinuous 方法)
(AutoGuide 方法)
sample_multi()(在模块 pyro.contrib.examples.multi_mnist 中)
sample_one()(在模块 pyro.contrib.examples.multi_mnist 中)
sample_posterior() (TraceEnum_ELBO 方法)
sample_saved() (TraceEnumSample_ELBO 方法)
sample_size (AffineBeta 属性)
(Empirical 属性)
sample_states() (MissingDataDiscreteHMM 方法)
samples (WeighedPredictiveResults 属性)
save() (ParamStoreDict 方法)
(PyroOptim 方法)
scale (AffineBeta 属性)
(Message 属性)
scale() (BlockMassMatrix 方法)
(在模块 pyro.poutine.handlers 中)
scale_constraint (AutoDiagonalNormal 属性)
(AutoGaussian 属性)
(AutoLowRankMultivariateNormal 属性)
(AutoMultivariateNormal 属性)
(AutoNormal 属性)
(AutoStructured 属性)
scale_tril (MultivariateStudentT 属性)
scale_tril_constraint (AutoMultivariateNormal 属性)
(AutoStructured 属性)
ScaleMessenger(类,在 pyro.poutine.scale_messenger 中)
scope()(在模块 pyro.contrib.autoname 中)
(在模块 pyro.contrib.autoname.scoping 中)
(ParamStoreDict 方法)
ScopeMessenger(类,在 pyro.contrib.autoname.scoping 中)
score_parts (Message 属性)
score_parts() (Distribution 方法)
(MaskedDistribution 方法)
(Rejector 方法)
seed(类,在 pyro.contrib.minipyro 中)
seed()(在模块 pyro.poutine.handlers 中)
SeedMessenger(类,在 pyro.poutine.seed_messenger 中)
select_samples()(在模块 pyro.infer.mcmc.util 中)
sequential_gaussian_filter_sample()(在模块 pyro.ops.gaussian 中)
sequential_gaussian_tensordot()(在模块 pyro.ops.gaussian 中)
SequentialLR()(在模块 pyro.optim.pytorch_optimizers 中)
series (CompartmentalModel 属性)
set()(在模块 pyro.settings 中)
set_approx_log_prob_tol()(在模块 pyro.contrib.epidemiology.distributions 中)
set_approx_sample_thresh()(在模块 pyro.contrib.epidemiology.distributions 中)
set_data() (GPModel 方法)
set_first_available_dim() (DimStack 方法)
set_mode() (Parameterized 方法)
,
[1]
set_prior() (Parameterized 方法)
,
[1]
set_rng_seed()(在模块 pyro.contrib.funsor 中)
set_state() (ParamStoreDict 方法)
(PyroOptim 方法)
setdefault() (ParamStoreDict 方法)
setup() (HMC 方法)
(MCMCKernel 方法)
(RandomWalkKernel 方法)
SGD()(在模块 pyro.optim.pytorch_optimizers 中)
shape() (TorchDistributionMixin 方法)
share_memory() (AdagradRMSProp 方法)
sign (AffineAutoregressive 属性)
(ELUTransform 属性)
(LeakyReLUTransform 属性)
(PositivePowerTransform 属性)
(SoftplusTransform 属性)
SimpleSEIRDModel(类,在 pyro.contrib.epidemiology.models 中)
SimpleSEIRModel(类,在 pyro.contrib.epidemiology.models 中)
SimpleSIRModel(类,在 pyro.contrib.epidemiology.models 中)
SimplexToOrderedTransform(类,在 pyro.distributions.transforms 中)
SineBivariateVonMises(类,在 pyro.distributions 中)
SineSkewed(类,在 pyro.distributions 中)
site_is_factor()(在模块 pyro.poutine.util 中)
site_is_subsample()(在模块 pyro.poutine.util 中)
size (CondIndepStackFrame 属性)
SkewLogistic(类,在 pyro.distributions 中)
SMCFailed
SMCFilter(类,在 pyro.infer.smcfilter 中)
SMCState(类,在 pyro.infer.smcfilter 中)
smooth() (MissingDataDiscreteHMM 方法)
soft_scale (SoftAsymmetricLaplace 属性)
SoftAsymmetricLaplace(类,在 pyro.distributions 中)
SoftLaplace(类,在 pyro.distributions 中)
SoftplusLowerCholeskyTransform(类,在 pyro.distributions.transforms 中)
SoftplusTransform(类,在 pyro.distributions.transforms 中)
SpanningTree(类,在 pyro.distributions 中)
sparse_multinomial_likelihood()(在模块 pyro.ops.special 中)
SparseAdam()(在模块 pyro.optim.pytorch_optimizers 中)
SparseGPRegression(类,在 pyro.contrib.gp.models.sgpr 中)
SparseSIRModel(类,在 pyro.contrib.epidemiology.models 中)
Spline(类,在 pyro.distributions.transforms 中)
spline()(在模块 pyro.distributions.transforms 中)
spline_autoregressive()(在模块 pyro.distributions.transforms 中)
spline_coupling()(在模块 pyro.distributions.transforms 中)
SplineAutoregressive(类,在 pyro.distributions.transforms 中)
SplineCoupling(类,在 pyro.distributions.transforms 中)
split_gelman_rubin()(在模块 pyro.ops.stats 中)
SplitReparam(类,在 pyro.infer.reparam.split 中)
Stable(类,在 pyro.distributions 中)
StableReparam(类,在 pyro.infer.reparam.stable 中)
StableWithLogProb(类,在 pyro.distributions 中)
StackFrame(类,在 pyro.contrib.funsor.handlers.runtime 中)
StackStats(类,在 pyro.ops.streaming 中)
StateDict(类,在 pyro.params.param_store 中)
stationary_covariance() (MaternKernel 方法)
StatsOfDict(类,在 pyro.ops.streaming 中)
SteinKernel(类,在 pyro.infer.svgd 中)
step() (AdagradRMSProp 方法)
(ClippedAdam 方法)
(DualAveraging 方法)
(MixedMultiOptimizer 方法)
(MultiOptimizer 方法)
(PyroLRScheduler 方法)
(PyroMultiOptimizer 方法)
(SMCFilter 方法)
(SVGD 方法)
(SVI 方法)
,
[1]
step_size (HMC 属性)
StepLR()(在模块 pyro.optim.pytorch_optimizers 中)
stochastic_nodes (Trace 属性)
stop (Message 属性)
Strategy(类,在 pyro.infer.reparam.strategies 中)
StreamingMCMC(类,在 pyro.infer.mcmc.api 中)
StreamingStats(类,在 pyro.ops.streaming 中)
StructuredReparam(类,在 pyro.infer.reparam.structured 中)
StudentT(类,在 pyro.distributions 中)
StudentTNet(类,在 pyro.contrib.cevae 中)
StudentTReparam(类,在 pyro.infer.reparam.studentt 中)
subsample()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.primitives 中)
SubsampleMessenger(类,在 pyro.poutine.subsample_messenger 中)
substitute()(在模块 pyro.poutine.handlers 中)
SubstituteMessenger(类,在 pyro.poutine.substitute_messenger 中)
successors() (Trace 方法)
Sum(类,在 pyro.contrib.gp.kernels 中)
summary() (MCMC 方法)
SuperspreadingSEIRModel(类,在 pyro.contrib.epidemiology.models 中)
SuperspreadingSIRModel(类,在 pyro.contrib.epidemiology.models 中)
support (AffineBeta 属性)
(AsymmetricLaplace 属性)
(BetaBinomial 属性)
(CoalescentTimes 属性)
(CoalescentTimesWithRate 属性)
(Delta 属性)
(DirichletMultinomial 属性)
(DiscreteHMM 属性)
(Empirical 属性)
(ExtendedBetaBinomial 属性)
(ExtendedBinomial 属性)
(FoldedDistribution 属性)
(GammaGaussianHMM 属性)
(GammaPoisson 属性)
(GaussianHMM 属性)
(GaussianMRF 属性)
(GroupedNormalNormal 属性)
(ImproperUniform 属性)
(IndependentHMM 属性)
(InverseGamma 属性)
(LinearHMM 属性)
(LKJ 属性)
(Logistic 属性)
(LogNormalNegativeBinomial 属性)
(MaskedDistribution 属性)
(MaskedMixture 属性)
(MixtureOfDiagNormals 属性)
(MixtureOfDiagNormalsSharedCovariance 属性)
(MultivariateStudentT 属性)
(OneOneMatching 属性)
(OneTwoMatching 属性)
(ProjectedNormal 属性)
(SineBivariateVonMises 属性)
(SineSkewed 属性)
(SkewLogistic 属性)
(SoftAsymmetricLaplace 属性)
(SoftLaplace 属性)
(SpanningTree 属性)
(Stable 属性)
(TruncatedPolyaGamma 属性)
(Unit 属性)
(VonMises3D 属性)
(ZeroInflatedDistribution 属性)
(ZeroInflatedNegativeBinomial 属性)
(ZeroInflatedPoisson 属性)
support() (Marginals 方法)
SVGD(类,在 pyro.infer.svgd 中)
SVI(类,在 pyro.contrib.minipyro 中)
(类,在 pyro.infer.svi 中)
Sylvester(类,在 pyro.distributions.transforms 中)
sylvester()(在模块 pyro.distributions.transforms 中)
symbolize_dims() (Trace 方法)
SymmetricStableReparam(类,在 pyro.infer.reparam.stable 中)
T
t_dist() (Guide 方法)
(Model 方法)
terms_from_trace()(在模块 pyro.contrib.funsor.infer.traceenum_elbo 中)
time (EKFState 属性)
(Measurement 属性)
time_plate (CompartmentalModel 属性)
(ForecastingModel 属性)
TimeSeriesModel(类,在 pyro.contrib.timeseries.base 中)
tmc (InferDict 属性)
to_data()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.funsor.handlers.primitives 中)
to_event() (TorchDistributionMixin 方法)
to_funsor()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.funsor.handlers.primitives 中)
to_gaussian() (AffineNormal 方法)
to_pyro_module_()(在模块 pyro.nn.module 中)
to_script_module() (CEVAE 方法)
topological_sort() (Trace 方法)
TorchDistribution(类,在 pyro.distributions 中)
TorchDistributionMixin(类,在 pyro.distributions.torch_distribution 中)
TorchMultiOptimizer(类,在 pyro.optim.multi 中)
total_count (ZeroInflatedNegativeBinomial 属性)
trace(类,在 pyro.contrib.minipyro 中)
Trace(类,在 pyro.poutine 中)
trace (TraceHandler 属性)
trace()(在模块 pyro.contrib.funsor.handlers 中)
(在模块 pyro.ops.jit 中)
(在模块 pyro.poutine.handlers 中)
Trace_ELBO(类,在 pyro.contrib.funsor.infer.trace_elbo 中)
(类,在 pyro.infer.trace_elbo 中)
Trace_ELBO()(在模块 pyro.contrib.minipyro 中)
TraceCausalEffect_ELBO(类,在 pyro.contrib.cevae 中)
TraceEnum_ELBO(类,在 pyro.contrib.funsor.infer.traceenum_elbo 中)
(类,在 pyro.infer.traceenum_elbo 中)
TraceEnumSample_ELBO(类,在 pyro.infer.discrete 中)
TraceGraph_ELBO(类,在 pyro.infer.tracegraph_elbo 中)
TraceHandler(类,在 pyro.poutine.trace_messenger 中)
TraceMarkovEnum_ELBO(类,在 pyro.contrib.funsor.infer.traceenum_elbo 中)
TraceMeanField_ELBO(类,在 pyro.infer.trace_mean_field_elbo 中)
TraceMessenger(类,在 pyro.poutine.trace_messenger 中)
TracePosterior(类,在 pyro.infer.abstract_infer 中)
TracePredictive(类,在 pyro.infer.abstract_infer 中)
TraceTailAdaptive_ELBO(类,在 pyro.infer.trace_tail_adaptive_elbo 中)
TraceTMC_ELBO(类,在 pyro.contrib.funsor.infer.tracetmc_elbo 中)
(类,在 pyro.infer.tracetmc_elbo 中)
TrackNonReparam(类,在 pyro.infer.tracegraph_elbo 中)
train()(在模块 pyro.contrib.gp.util 中)
training (AutoCallable 属性)
(AutoContinuous 属性)
(AutoDelta 属性)
(AutoDiagonalNormal 属性)
(AutoDiscreteParallel 属性)
(AutoGaussian 属性)
(AutoGuide 属性)
(AutoGuideList 属性)
(AutoHierarchicalNormalMessenger 属性)
(AutoIAFNormal 属性)
(AutoLaplaceApproximation 属性)
(AutoLowRankMultivariateNormal 属性)
(AutoMessenger 属性)
(AutoMultivariateNormal 属性)
(AutoNormal 属性)
(AutoNormalizingFlow 属性)
(AutoNormalMessenger 属性)
(AutoRegressiveMessenger 属性)
(AutoRegressiveNN 属性)
(AutoStructured 属性)
(BernoulliNet 属性)
(Binary 属性)
(Brownian 属性)
(CEVAE 属性)
(Combination 属性)
(ConditionalAffineAutoregressive 属性)
(ConditionalAffineCoupling 属性)
(ConditionalAutoRegressiveNN 属性)
(ConditionalDenseNN 属性)
(ConditionalGeneralizedChannelPermute 属性)
(ConditionalHouseholder 属性)
(ConditionalMatrixExponential 属性)
(ConditionalNeuralAutoregressive 属性)
(ConditionalPlanar 属性)
(ConditionalRadial 属性)
(ConditionalSpline 属性)
(ConditionalSplineAutoregressive 属性)
(ConditionalTransformModule 属性)
(Constant 属性)
(Coregionalize 属性)
(Cosine 属性)
(DenseNN 属性)
(DependentMaternGP 属性)
(DiagNormalNet 属性)
(DistributionNet 属性)
(DotProduct 属性)
(EasyGuide 属性)
(ELBOModule 属性)
(Exponent 属性)
(Exponential 属性)
(ExponentialNet 属性)
(Gaussian 属性)
(GenericLGSSM 属性)
(GenericLGSSMWithGPNoiseModel 属性)
(GPLVM 属性)
(GPModel 属性)
(GPRegression 属性)
(Guide 属性)
(IndependentMaternGP 属性)
(Isotropy 属性)
(Kernel 属性)
(LaplaceNet 属性)
(Likelihood 属性)
(Linear 属性)
(LinearlyCoupledMaternGP 属性)
(Matern32 属性)
(Matern52 属性)
(MaternKernel 属性)
(MHResampler 属性)
(Model 属性)
(MultiClass 属性)
(NormalNet 属性)
(Parameterized 属性)
,
[1]
(Periodic 属性)
(Poisson 属性)
(Polynomial 属性)
(Predictive 属性)
(Product 属性)
(PyroModule 属性)
(RationalQuadratic 属性)
(RBF 属性)
(SparseGPRegression 属性)
(StudentTNet 属性)
(Sum 属性)
(Sylvester 属性)
(TimeSeriesModel 属性)
(Transforming 属性)
(VariationalGP 属性)
(VariationalSparseGP 属性)
(VerticalScaling 属性)
(Warping 属性)
(WeighedPredictive 属性)
(WhiteNoise 属性)
transform() (RandomVariable 方法)
transform_sample() (NeuTraReparam 方法)
transform_samples() (StructuredReparam 方法)
TransformedDistribution(类,在 pyro.distributions 中)
Transforming(类,在 pyro.contrib.gp.kernels 中)
TransformModule(类,在 pyro.distributions 中)
TransformReparam(类,在 pyro.infer.reparam.transform 中)
transition() (CompartmentalModel 方法)
transition_matrix() (MaternKernel 方法)
transition_matrix_and_covariance() (MaternKernel 方法)
triangular_solve()(在模块 pyro.ops.tensor_utils 中)
TruncatedPolyaGamma(类,在 pyro.distributions 中)
truncation_point (TruncatedPolyaGamma 属性)
try_add() (ApproxSet 方法)
type (Message 属性)
U
ubersum()(在模块 pyro.ops.contract 中)
uncondition()(在模块 pyro.poutine.handlers 中)
UnconditionMessenger(类,在 pyro.poutine.uncondition_messenger 中)
unif01_goodness_of_fit()(在模块 pyro.distributions.testing.gof 中)
Uniform(类,在 pyro.distributions 中)
Unit(类,在 pyro.distributions 中)
UnitJacobianReparam(类,在 pyro.infer.reparam.unit_jacobian 中)
UnitLowerCholeskyTransform(类,在 pyro.distributions.transforms 中)
UnknownStartSIRModel(类,在 pyro.contrib.epidemiology.models 中)
unregister() (Messenger 类方法)
unscale() (BlockMassMatrix 方法)
unscaled_log_prob (Message 属性)
unwrap()(在模块 pyro.poutine.messenger 中)
update() (BlockMassMatrix 方法)
(CountMeanStats 方法)
(CountMeanVarianceStats 方法)
(CountStats 方法)
(EKFState 方法)
(StackStats 方法)
(StatsOfDict 方法)
(StreamingStats 方法)
(WelfordArrowheadCovariance 方法)
(WelfordCovariance 方法)
upstream_value() (GuideMessenger 方法)
user_param_name()(在模块 pyro.params.param_store 中)
V
validate_edges() (SpanningTree 方法)
validation_enabled()(在模块 pyro.infer.util 中)
(在模块 pyro.primitives 中)
value (DimRequest 属性)
(Message 属性)
(ReparamMessage 属性)
(ReparamResult 属性)
values() (ParamStoreDict 方法)
variance (AffineBeta 属性)
(AsymmetricLaplace 属性)
(BetaBinomial 属性)
(Delta 属性)
(DirichletMultinomial 属性)
(Empirical 属性)
(GammaPoisson 属性)
(Logistic 属性)
(LogNormalNegativeBinomial 属性)
(MaskedDistribution 属性)
(MaskedMixture 属性)
(MultivariateStudentT 属性)
(SoftAsymmetricLaplace 属性)
(SoftLaplace 属性)
(Stable 属性)
(ZeroInflatedDistribution 属性)
VariationalGP(类,在 pyro.contrib.gp.models.vgp 中)
VariationalSparseGP(类,在 pyro.contrib.gp.models.vsgp 中)
vector_density_goodness_of_fit()(在模块 pyro.distributions.testing.gof 中)
vectorize()(在模块 pyro.infer.svgd 中)
vectorized (CondIndepStackFrame 属性)
vectorized_importance_weights()(在模块 pyro.infer.importance 中)
vectorized_markov()(在模块 pyro.contrib.funsor 中)
(在模块 pyro.contrib.funsor.handlers 中)
velocity_verlet()(在模块 pyro.ops.integrator 中)
VerticalScaling(类,在 pyro.contrib.gp.kernels 中)
vi_eig()(在模块 pyro.contrib.oed.eig 中)
Vindex(类,在 pyro.ops.indexing 中)
vindex()(在模块 pyro.ops.indexing 中)
VISIBLE (DimType 属性)
vnmc_eig()(在模块 pyro.contrib.oed.eig 中)
volume_preserving (Householder 属性)
(LowerCholeskyAffine 属性)
(Permute 属性)
VonMises(类,在 pyro.distributions 中)
VonMises3D(类,在 pyro.distributions 中)
W
waic()(在模块 pyro.ops.stats 中)
Warping(类,在 pyro.contrib.gp.kernels 中)
was_observed (InferDict 属性)
Weibull(类,在 pyro.distributions 中)
weighed_quantile()(在模块 pyro.ops.stats 中)
WeighedPredictive(类,在 pyro.infer.predictive 中)
WeighedPredictiveResults(类,在 pyro.infer.predictive 中)
weight_type (AutoHierarchicalNormalMessenger 属性)
WelfordArrowheadCovariance(类,在 pyro.ops.welford 中)
WelfordCovariance(类,在 pyro.ops.welford 中)
WhiteNoise(类,在 pyro.contrib.gp.kernels 中)
Wishart(类,在 pyro.distributions 中)
with_cache() (ComposeTransformModule 方法)
(DiscreteCosineTransform 方法)
(HaarTransform 方法)
(LowerCholeskyAffine 方法)
(Normalize 方法)
(Permute 方法)
(PositivePowerTransform 方法)
write()(在模块 pyro.contrib.mue.dataloaders 中)
X
x_dist() (Model 方法)
Y
y_dist() (Guide 方法)
(Model 方法)
y_mean() (Model 方法)
Z
z_dist() (Guide 方法)
(Model 方法)
ZeroInflatedDistribution(类,在 pyro.distributions 中)
ZeroInflatedNegativeBinomial(类,在 pyro.distributions 中)
ZeroInflatedPoisson(类,在 pyro.distributions 中)
ZukoToPyro(类,在 pyro.contrib.zuko 中)