mirror of
				https://github.com/pytorch/pytorch.git
				synced 2025-10-20 21:14:14 +08:00 
			
		
		
		
	
		
			
				
	
	
		
			89 lines
		
	
	
		
			2.9 KiB
		
	
	
	
		
			Python
		
	
	
	
	
	
			
		
		
	
	
			89 lines
		
	
	
		
			2.9 KiB
		
	
	
	
		
			Python
		
	
	
	
	
	
| import math
 | |
| from numbers import Number
 | |
| 
 | |
| import torch
 | |
| from torch.distributions import constraints
 | |
| from torch.distributions.exp_family import ExponentialFamily
 | |
| from torch.distributions.utils import broadcast_all
 | |
| 
 | |
| 
 | |
| class Normal(ExponentialFamily):
 | |
|     r"""
 | |
|     Creates a normal (also called Gaussian) distribution parameterized by
 | |
|     `loc` and `scale`.
 | |
| 
 | |
|     Example::
 | |
| 
 | |
|         >>> m = Normal(torch.Tensor([0.0]), torch.Tensor([1.0]))
 | |
|         >>> m.sample()  # normally distributed with loc=0 and scale=1
 | |
|          0.1046
 | |
|         [torch.FloatTensor of size 1]
 | |
| 
 | |
|     Args:
 | |
|         loc (float or Tensor): mean of the distribution (often referred to as mu)
 | |
|         scale (float or Tensor): standard deviation of the distribution
 | |
|             (often referred to as sigma)
 | |
|     """
 | |
|     arg_constraints = {'loc': constraints.real, 'scale': constraints.positive}
 | |
|     support = constraints.real
 | |
|     has_rsample = True
 | |
|     _mean_carrier_measure = 0
 | |
| 
 | |
|     @property
 | |
|     def mean(self):
 | |
|         return self.loc
 | |
| 
 | |
|     @property
 | |
|     def stddev(self):
 | |
|         return self.scale
 | |
| 
 | |
|     @property
 | |
|     def variance(self):
 | |
|         return self.stddev.pow(2)
 | |
| 
 | |
|     def __init__(self, loc, scale, validate_args=None):
 | |
|         self.loc, self.scale = broadcast_all(loc, scale)
 | |
|         if isinstance(loc, Number) and isinstance(scale, Number):
 | |
|             batch_shape = torch.Size()
 | |
|         else:
 | |
|             batch_shape = self.loc.size()
 | |
|         super(Normal, self).__init__(batch_shape, validate_args=validate_args)
 | |
| 
 | |
|     def sample(self, sample_shape=torch.Size()):
 | |
|         shape = self._extended_shape(sample_shape)
 | |
|         with torch.no_grad():
 | |
|             return torch.normal(self.loc.expand(shape), self.scale.expand(shape))
 | |
| 
 | |
|     def rsample(self, sample_shape=torch.Size()):
 | |
|         shape = self._extended_shape(sample_shape)
 | |
|         eps = self.loc.new(shape).normal_()
 | |
|         return self.loc + eps * self.scale
 | |
| 
 | |
|     def log_prob(self, value):
 | |
|         if self._validate_args:
 | |
|             self._validate_sample(value)
 | |
|         # compute the variance
 | |
|         var = (self.scale ** 2)
 | |
|         log_scale = math.log(self.scale) if isinstance(self.scale, Number) else self.scale.log()
 | |
|         return -((value - self.loc) ** 2) / (2 * var) - log_scale - math.log(math.sqrt(2 * math.pi))
 | |
| 
 | |
|     def cdf(self, value):
 | |
|         if self._validate_args:
 | |
|             self._validate_sample(value)
 | |
|         return 0.5 * (1 + torch.erf((value - self.loc) * self.scale.reciprocal() / math.sqrt(2)))
 | |
| 
 | |
|     def icdf(self, value):
 | |
|         if self._validate_args:
 | |
|             self._validate_sample(value)
 | |
|         return self.loc + self.scale * torch.erfinv(2 * value - 1) * math.sqrt(2)
 | |
| 
 | |
|     def entropy(self):
 | |
|         return 0.5 + 0.5 * math.log(2 * math.pi) + torch.log(self.scale)
 | |
| 
 | |
|     @property
 | |
|     def _natural_params(self):
 | |
|         return (self.loc / self.scale.pow(2), -0.5 * self.scale.pow(2).reciprocal())
 | |
| 
 | |
|     def _log_normalizer(self, x, y):
 | |
|         return -0.25 * x.pow(2) / y + 0.5 * torch.log(-math.pi / y)
 |