正态分布说明了什么的意义是什么呢?

弗朗西斯·高尔顿爵士(1822-1911),查尔斯·达尔文的表弟,英格兰维多利亚时代的博学家、人类学家、优生学家、热带探险家、地理学家、发明家、气象学家、统计学家、心理学家和遗传学家。他发明了一个叫做高尔顿钉板的装置,展示了正态分布的产生过程:高尔顿钉板是一种装置,它是一个木盒子,里面均匀分布着若干排钉子。从入口处把小球倒入钉板,最终箱子里面形成的分布近似为高斯分布。弹珠往下滚的时候,撞到钉子就会随机选择往左边走,还是往右边走。一颗弹珠一路滚下来会多次选择方向,最终的分布会接近正态分布。高尔顿钉板有两处细节:顶上只有一处开口:这是要求弹珠的起始状态一致。类比女性身高的例子,就是要求至少物种一致,总不能猪和人一起比较。换成数学用语就是要求同分布。开口位于顶部中央:这倒无所谓,开在别的位置,分布形态不变,只是平移用代码实现高尔顿钉板:n个小球箱子的宽度为box_widthrow_count表示一共有多少行钉子col_count表示一共有多少列钉子问题本质是:给定一个初始状态,执行row_count次随机增减,最终得到的数组满足高斯分布。import matplotlib.pyplot as plt
import numpy as np
n = 100000
# 小球的个数
box_width = 1
# 箱子的宽度
row_count = 1000
# 每行钉子的个数
col_count = 1000
# 每列钉子的个数
a = np.ones(n) * box_width / 2
# 开始时的位置
for i in range(row_count):
delta = (np.random.randint(0, 2, n) - 0.5) * box_width / col_count
a += delta
a = np.clip(a, 0, box_width)
plt.hist(a, col_count // 2)
plt.show()高尔顿钉板可以做许多变动,变动之后依然是高斯分布。如:移动开口的水平位置改变小球碰到钉子之后的随机性,即便是不均匀的分布最终也会形成高斯分布import matplotlib.pyplot as plt
import numpy as np
n = 50000
# 小球的个数
box_width = 1
# 箱子的宽度
row_count = 1000
# 每行钉子的个数
col_count = 1000
# 每列钉子的个数
a = np.ones(n) * box_width / 2
# 开始时的位置
for i in range(row_count):
delta = ((np.random.randint(0, 13, n)) - 6.5) / 6.5 * box_width / col_count
a += delta
a = np.clip(a, 0, box_width)
plt.hist(a, col_count // 4)
plt.show()改变钉子的形状,让小球总是往一个方向跑,最终结果依旧是高斯分布import matplotlib.pyplot as plt
import numpy as np
n = 50000
# 小球的个数
box_width = 1
# 箱子的宽度
row_count = 1000
# 每行钉子的个数
col_count = 1000
# 每列钉子的个数
a = np.ones(n) * box_width / 2
# 开始时的位置
for i in range(row_count):
delta = ((np.random.randint(0, 13, n))) / 13 * box_width / col_count
a += delta
a = np.clip(a, 0, box_width)
plt.hist(a, col_count // 4)
plt.show()自然界中为何如此多的变量都服从高斯分布?因为每个变量都是由一系列随机变量组成的。例如人的身高由饮食、气候、基因等很多独立随机变量组成,这些独立随机变量就像钉子一样一层一层地摆放,最初人的身高是固定的(就像从中间扔下来的小球),经过这么多随机因素之后人的身高就变成了正态分布。每个人都相信它(正态分布):实验工作者认为它是一个数学定理,数学研究者认为他是一个经验公式。
----加布里埃尔·李普曼高斯分布是没有道理的,它就是一种经验分布。}
Physicists believe that the Gaussian law has been proved in mathematics while mathematicians think that it was experimentally established in physics. --- Henri Poincaré物理学家认为正态分布(高斯分布)已经在数学上得到证明,而数学家则认为其在物理试验中得到确认。All knowledge is, in final analysis, history. All sciences are,
in the abstract,
mathematics. All judgements are, in their rationale,
statistics. 一切知识归根到底都是历史。在抽象的意义下,一切科学都是数学。在理性的基础上,所有的判断都是统计。---C. R. 劳 (C.Radhalrishna Rao)众所周知,懂一点点概率与统计对理解反问题(地球物理反演、机器学习)是必需的。本文主要介绍正态分布的来龙去脉, 及相关重要概念。为什么会有不同的分布呢?下面通过一张图简要说明分布的重要性。总结自张颢老师课程,“随机过程”。在生活中,为了做出更好的决策,我们需理性分析,而分析就需要数据与模型。如上图所示,1) 数据是根据相应方法采样得到的;2) 通过对数据的统计分析,我们能创造出相应的数学模型;3)根据模型,我们能计算决策满足的概率,据此,我们做出较理性的决策。同时,我们有时需根据已创造的模型(伪)随机地生成大量数据进行实验,如蒙特卡洛类方法。再者,通过对大量数据的分析与处理,我们也能直接做出相应的决策,这就是大数据思想,即 Learning from data.在此过程中,我们应该时刻记得以下几点:1)数据是上帝给的,模型是人造的;2)所有模型都是错的,但有一些是有用的。3) No data, No Truth.在此过程中,知道数据的分布类型对统计分析及创造合适的数学模型都至关重要。在某种程度上讲,各种分布也是人类创造的数学模型。1 正态分布1.1 性质正态分布(Normal distribution) 又叫高斯分布,由于其在自然界中广泛存在,具有很本质的特性(如最大熵) 与稳定的性质,其是所有分布里用途最广的,也是很多分布的基础。这些稳定的性质包括:任何具有单个舍入最大值的光滑函数,如果提高到越来越高的幂次,就变成高斯函数(正态分布)。(Any smooth function with a single rounded maximum, if raised to higher and higher powers, goes into a Gaussian function. ---Jaynes)两个正态分布的乘积和卷积都是正态分布;正态分布的傅里叶变换还是正态分布;正态分布和其它具有相同均值、方差的分布相比,具有最大熵;中心极限定理保证了多个随机变量的求和效应将导致正态分布;若X,Y是独立的随机变量,S=X+Y是正态分布,则X,Y都是正态分布 (克拉美分解定理),反之亦然;随机扩散过程能用高斯函数(正态分布)完美描述。关于中心极限定理通俗解释,可参考:同时,当n很大时,许多其他分布也趋向于正态分布,正态分布是多种分布之母。换言之,正态分布就像一个黑洞,其他概率分布在各种形式操作之下都将趋近于正态分布(Jaynes观点)。二项分布的极限是正态分布(如高尔顿钉板);当 \lambda 较大时,泊松分布逼近正态分布;当n很大时,卡方分布逼近正态分布;当n很大时,t分布逼近标准正态分布;当n很大时,最大似然估计的结果趋近于正态分布 (最小二乘基础);高尔顿钉板 (Galton board)1.2 历史1) 棣莫弗(1667-1754), 拉普拉斯(1749-1827)通过研究二项分布发现:二项分布的极限是正态分布,这就是棣莫弗-拉普拉斯中心极限定理。2) 高斯(1777-1855), 基于极大似然估计思想拓展了最小二乘法,即:误差分布导出的极大似然估计(Maximum Likelihood Estimate)=算术平均值((arithmetic mean)据此,高斯精确算出了概率密度函数 f 解析表达式 (也就是正态分布概率密度表达式),即误差服从正态分布。f(x)=\frac{1}{ \sigma\sqrt{2\pi}}e^{-\frac{(x-\mu)^2}{2\sigma^2}} 注:极大似然估计(Maximum Likelihood Estimate)基本思想是:选择合适的参数,让联合概率密度最大。高斯推导告诉我们:当数据误差为独立、正态分布时,极大似然解就是最小二乘解。因此,在正态分布的发现过程中,棣莫弗、拉普拉斯与高斯都有相应的贡献。有趣的是,为了争论优先权,该分布在法国叫拉普拉斯分布,在德国叫高斯分布,在其他国家叫拉普拉斯-高斯分布。后来,庞加莱(Poincaré)建议改用正态分布这一中立名称。随后,皮尔森使得这一名字被广泛接受。Many years ago I called the Laplace-Gaussian curve the normal curve, which name, while it avoids an international question of priority, has the disadvantage of leading people to believe that all other distributions of frequency are in one sense or another“abnormal”. --- Karl Pearson (1920)图片来源Wikipedia数学是上帝的语言 ---高斯1.3 高斯的推导出发点:误差分布导出的极大似然估计(Maximum Likelihood Estimate)=算术平均值((arithmetic mean)设真值为 \theta , x_1,x_2,...,x_n 为 n 次独立测量值, 每次测量的误差为 e_i=x_i-\theta .若单个误差 e_i 的概率密度函数为 f(e_i) ,则n个测量的联合概率密度函数为:f(e_1)f(e_2)...f(e_n)=f(x_1-\theta)f(x_2-\theta)...f(x_n-\theta) 记似然函数为:L(\theta;x_1,x_2,...,x_n)=f(x_1-\theta)f(x_2-\theta)...f(x_n-\theta) 上式取对数得:\log L =\log f(x_1-\theta)+\log f(x_2-\theta)+...+\log f(x_n-\theta) 要求得极大似然估计(未知量为待估计的真值 \theta ), 即求 \log L 的最大值,则,\frac{ \partial \log L}{\partial \theta} = 0 则,\frac{1}{f(x_1-\theta)}\frac{df(x_1-\theta)}{d(x_1-\theta)}\frac{\partial (x_1-\theta)}{\partial \theta}+...+\frac{1}{f(x_n-\theta)}\frac{df(x_n-\theta)}{d(x_n-\theta)}\frac{\partial (x_n-\theta)}{\partial \theta}=0 整理一下得,\frac{f'(x_1-\theta)}{f(x_1-\theta)}+...+\frac{f'(x_n-\theta)}{f(x_n-\theta)}=0 令,g(x)=\frac{f'(x)}{f(x)} 则上式转化为:g(x_1-\theta)+...+g(x_n-\theta) = 0 根据假设,要求的解 \theta 应该为算术平均值 \bar{x} ,则,g(x_1-\bar{x})+...+g(x_n-\bar{x})=0 此处有个技巧:1) 先取两项看看 g(x) 具有何种性质,此时,\bar{x}=\frac{1}{2}(x_1+x_2)\Rightarrow x_1-\bar{x}=-(x_2-\bar{x}) 同时,原式为,g(x_1-\bar{x})+g(x_2-\bar{x})=0 \Rightarrow g(x_1-\bar{x})=-g(x_2-\bar{x})=-g[-(x_1-\bar{x})] 这说明, g(-x)=-g(x) 2) 此时取前m项为, x_1=x_2=...x_m = -x ,第m+1项为, x_{m+1}=mx ,则, \bar{x}=0 ,且 , g(x_1)+g(x_2)+...+g(x_m)+g(x_{m+1})=0 \Rightarrow mg(-x)+g(mx)=0 利用前面得到的g(x)的性质,mg(x)=g(mx) 满足上式的解为,g(x)=bx \Rightarrow \frac{f'(x-\theta)}{f(x-\theta)} =b(x-\theta) 从而求得概率分布函数为,f(x)=ae^{\frac{1}{2}b(x-\theta)^2} 从物理上讲:a) 当测量值 x 离真值 \theta 越远时,其概率密度应该越小,则原式系数b应该为负数,则f(x)=ae^{-\frac{1}{2}b(x-\theta)^2}
(此处b>0)b) 概率密度函数在定义域的积分应该为1,则\int_{-\infty}^{+\infty} f(x)dx = 1 由恒等式\int_{-\infty}^{+\infty}e^{-\lambda x^2}dx = \sqrt{\frac{\pi}{\lambda}} , ( \lambda >0),此式详细推导参考:Hsuty:广义函数之狄拉克函数。因此,原式\int_{-\infty}^{+\infty} ae^{-\frac{1}{2}b(x-\theta)^2}dx = a\sqrt{\frac{2\pi}{b}}=1 \Rightarrow a=\sqrt{\frac{b}{2\pi}} f(x)=\sqrt{\frac{b}{2\pi}}e^{-\frac{1}{2}b(x-\theta)^2} 此时,不妨令\sigma^2=\frac{1}{b} 则,f(x)=\frac{1}{\sqrt{2\pi\sigma^2}}e^{-\frac{1}{2}\frac{(x-\theta)^2}{\sigma^2}} 由此,得到了概率密度函数解析表达式,形式和高斯函数一模一样。小结:高斯利用当时人们常用的多次测量取平均的方法,创造性地提出极大似然函数估计就等于算术平均,从而推导出了正态分布解析表达式。在此过程中,充分利用物理条件,求得各待定系数具体表达式。延伸:从推导出的概率密度可以看出,释然函数为,L(\theta;x_1,x_2,...,x_n)=(\frac{1}{\sqrt{2\pi\sigma^2}})^n\prod_{i=1}^{n}e^{-\frac{1}{2}\frac{(x_i-\theta)^2}{\sigma^2}} 取个对数,\ln L=(\frac{1}{\sqrt{2\pi\sigma^2}})^n\sum_{n}^{i=1}{-\frac{1}{2}\frac{(x_i-\theta)^2}{\sigma^2}} 要让 \ln L 取极大值,则\sum_{n}^{i=1}{\frac{(x_i-\theta)^2}{\sigma^2}} 应该取最小值。这不就是最小二乘法吗?因此:当数据误差为独立、正态分布时,极大似然解就是最小二乘解。1.4 随机扩散解下面讨论一个随机扩散过程,通过推导,我们可以发现随机扩散过程的解就是高斯函数。图片来源Wikipedia问题描述:在一维情况下,假设任一粒子在很短的时间 \tau 内运动到+y那么远的距离概率密度为 \rho(y) ,此概率密度具有如下性质:\rho(y)\geq 0 \int_{-\infty}^{+\infty}\rho(y)dy=1 进一步假设:\rho(y)=\rho(-y) 即,粒子往+y跑的概率与往-y跑的概率相同,则,\int_{-\infty}^{+\infty}y\rho(y)dy=0 (被积函数为奇函数).同时,令,\int_{-\infty}^{+\infty}y^2\rho(y)dy=D 在t时刻,某具体位置x上的粒子数设为:f(x,t), 根据连续性条件:在某具体位置x, t+\tau 时刻的粒子数量为:f(x,t+\tau)=C_1\int_{-\infty}^{+\infty}f(x-y,t)\rho(y)dy+C_2\int_{-\infty}^{+\infty}f(x+y,t)\rho(-y)dy+f(x,t) -C_3 \int_{-\infty}^{+\infty}f(x,t)\rho(y)dy-C_4\int_{-\infty}^{+\infty}f(x,t)\rho(-y)dy 此式子意思为:在x位置,t+\tau 时刻的粒子数量为从+y方向来的,加上从-y方向来的,加上x位置t时刻有的,减去从+y方向与-y方向出去的。C为系数,且 C_1+C_2=1,C_3+C_4=1 ,用于调节从+y方向来的(或出去的)与-y方向来的(或出去的)分配比例。根据泰勒展开式(注意小量为 \tau,y ):f(x,t+\tau)=f(x,t)+\frac{\partial f}{\partial t}\tau +o(\tau) f(x-y,t)=f(x,t)-\frac{\partial f}{\partial x}y+\frac{1}{2}\frac{\partial ^2f}{\partial x^2}y^2+o(y^2) f(x+y,t)=f(x,t)+\frac{\partial f}{\partial x}y+\frac{1}{2}\frac{\partial ^2f}{\partial x^2}y^2+o(y^2) 因此,f(x,t)+\frac{\partial f}{\partial t}\tau=C_1 \int_{-\infty}^{+\infty}\left\{ f(x,t)-\frac{\partial f}{\partial x}y+\frac{1}{2}\frac{\partial ^2f}{\partial x^2}y^2 \right\}\rho(y)dy+f(x,t)
+C_2\int_{-\infty}^{+\infty}\left\{ f(x,t)+\frac{\partial f}{\partial x}y+\frac{1}{2}\frac{\partial ^2f}{\partial x^2}y^2 \right\}\rho(-y)dy -C_3\int_{-\infty}^{+\infty}f(x,t)\rho(y)dy-C_4\int_{-\infty}^{+\infty}f(x,t)\rho(-y)dy 注意:\int_{-\infty}^{+\infty}\rho(y)dy=1 \int_{-\infty}^{+\infty}y\rho(y)dy=0 \int_{-\infty}^{+\infty}y^2\rho(y)dy=D 整理得:\frac{\partial f(x,t)}{\partial t} = \frac{D}{2 \tau}\frac{\partial^2 f(x,t)}{\partial x^2}=c\frac{\partial^2 f(x,t)}{\partial x^2} 这就是扩散方程,下面求解此方程,把此方程变换到波数域为:\frac{\partial F(k,t)}{\partial t} = c(-ik)^2F(k,t)=-ck^2F(k,t) 其中,F(k,t)=\int_{-\infty}^{+\infty}f(x,t)e^{-ikx}dx 上式解为:F(k,t)=C_5e^{-ck^2t} 结合初始条件(t=0时从x处开始扩散),f(x,0)=\delta(x)\Rightarrow F(k,0)=1 得到 C_5=1 F(k,t)=e^{-ck^2t} 通过反傅里叶变换,f(x,t)=\frac{1}{2\pi}\int_{-\infty}^{+\infty}F(k,t)e^{ikx}dk 得到,f(x,t)=\frac{1}{2\pi}\int_{-\infty}^{+\infty}e^{-ck^2t}e^{ikx}dk 该积分较为复杂,可利用相关软件进行计算,得,f(x,t)= \frac{1}{\sqrt{4\pi ct}}e^{-\frac{x^2}{4ct}} 令,2ct=\sigma^2 则,f(x)=\frac{1}{\sqrt{2\pi\sigma^2}}e^{-\frac{1}{2}\frac{x^2}{\sigma^2}} 这再次得到了高斯函数表达式。这说明:扩散方程的解是一个高斯函数,随机扩散过程能用正态分布(高斯函数)完美描述。一般地,利用场的观点来推导随机扩散过程更为简单。之所以会发生扩散,就是因为物理场存在梯度差,不妨令在 \vec x 位置,t时刻场的密度为 \rho(\vec x,t) ,随着扩散进行,场密度改变量为,\frac{\partial \rho(\vec x,t)}{\partial t} 根据散度的定义,场密度改变量等于通量 \vec F (flux)的散度,即。\frac{\partial \rho(\vec x,t)}{\partial t}=-\nabla \cdot \vec F 此处前面为负号的原因为:流出散度为正,但场密度减小。根据通量定义,可得:\vec F=-A\nabla\rho(\vec x ,t) 系数A代表扩散的空间距离,带入上式可得:\frac{\partial \rho(\vec x,t)}{\partial t}=-\nabla \cdot (-A\nabla\rho)=A \nabla^2 \rho 从而得到一般情况下(不局限于特定的维度)扩散方程:\frac{\partial \rho(\vec x,t)}{\partial t}=A \nabla^2 \rho(x,t) 上式左端若为对时间的二阶导,那就成了波动方程;2 单变量正态分布2.1 概率密度单变量的正态分布解析表达式为(均值为 \mu ,方差为 \sigma^2 ):f(x)=\frac{1}{\sigma\sqrt{2\pi}}e^{-\frac{1}{2}\frac{(x-\mu)^2}{\sigma^2}} 图像为:图片来源Wikipedia特点:1)方差越大,图像越扁,反之越尖;2)图像关于均值对称;3)函数从负无穷到正无穷积分值为1.2.2 累积分布函数对于标准正态分布,f(x)=\frac{1}{\sqrt{2\pi}}e^{-\frac{1}{2}x^2} 概率密度函数的累积分布函数为:\Phi(x)=\int_{-\infty}^{x}\frac{1}{\sqrt{2\pi}}e^{-\frac{1}{2}u^2}du =\int_{-\infty}^{0}\frac{1}{\sqrt{2\pi}}e^{-\frac{1}{2}u^2}du+\int_{0}^{x}\frac{1}{\sqrt{2\pi}}e^{-\frac{1}{2}u^2}du =\frac{1}{2}+\int_{0}^{x}\frac{1}{\sqrt{2\pi}}e^{-\frac{1}{2}u^2}du 定义特殊函数error function(误差函数) erf(x),erf(x)=\frac{2}{\sqrt{\pi}}\int_{0}^{x}e^{-t^2}dt 令 \frac{1}{2}u^2=t^2\Rightarrow u=\sqrt{2}t, du=\sqrt{2}dt ,原来du到x,现在dt就到 \frac{x}{\sqrt{2}} ,则,【换元三部曲:1)积分上下限,2)函数变量替换;3)处理微元d。】\int_{0}^{x}\frac{1}{\sqrt{2\pi}}e^{-\frac{1}{2}u^2}du =\int_{0}^{\frac{x}{\sqrt{2}}}\frac{1}{\sqrt{2\pi}}e^{-t^2}(\sqrt{2}dt) =\frac{1}{2}\frac{2}{\sqrt{\pi}}\int_{0}^{\frac{x}{\sqrt{2}}}e^{-t^2}dt =\frac{1}{2}erf(\frac{x}{\sqrt{2}}) 因此,\Phi(x)=\frac{1}{2}(1+erf(\frac{x}{\sqrt{2}})) 一般地,\Phi(x)=\frac{1}{2}(1+erf(\frac{x-\mu}{\sigma\sqrt{2}})) 。误差函数图像:erf(x)为奇函数概率密度累积分布函数 \Phi(x) 图像:方差越大,累积到1就越缓慢 ,(图片来源Wikipedia)深蓝色区域是距平均值小于一个标准差的数值范围。在正态分布中,此范围所占比率为全部数值之68%;两个标准差之内为95%;三个标准差之内为99%。3 多变量正态分布对于多种变量的情况, \mathbf X=(X_1,X_2,...,X_n)^T ,就需要刻画变量间的相互程度,需引入协方差矩阵(covariance matrix),\Sigma_{i,j}=Cov(X_i,X_j) 协方差矩阵具体求法与表达式可参考:Hsuty:什么是主成分分析(PCA)当多种变量 \mathbf X 满足正态分布时, \mathbf X\sim N(\mathbf \mu, \mathbf \Sigma) ,概率密度函数为:f_X(X_1,X_2,...X_n)=\frac{1}{\sqrt{(2\pi)^ndet(\mathbf\Sigma)}}e^{-\frac{1}{2}(\mathbf X-\mathbf \mu)^T\mathbf \Sigma^{-1} (\mathbf X-\mathbf \mu)} 图像:两种变量的正态分布图像两种变量的正态分布图像若多变量向量 \mathbf X 满足正态分布,且期望为 \mu ,协方差矩阵为 \mathbf C ,令 \mathbf Y=\mathbf A\mathbf X ,则 \mathbf Y 也是多元正态分布,且多元变量 \mathbf Y 期望与协方差矩阵为:E(\mathbf Y)=E(\mathbf A \mathbf X)=\mathbf A E( \mathbf X)=\mathbf A\mu Cov(\mathbf Y)=\mathbf A \mathbf C \mathbf A^T 根据协方差矩阵定义:Cov(\mathbf X,\mathbf Y)=E\left\{ \left[ \mathbf X-E( \mathbf X) \right]\left[ \mathbf Y-E( \mathbf Y) \right]^T\right\} Cov(\mathbf X)=Cov(\mathbf X,\mathbf X)=E\left\{ \left[ \mathbf X-E( \mathbf X) \right]\left[ \mathbf X-E( \mathbf X) \right]^T\right\} 简单推导一下:Cov(\mathbf Y)=Cov(\mathbf A \mathbf X ) =E\left\{ \left[ \mathbf A\mathbf X-E( \mathbf A\mathbf X) \right] \left[ \mathbf A\mathbf X-E( \mathbf A\mathbf X) \right]^T\right\} =E\left\{ \left[ \mathbf A(\mathbf X-E(\mathbf X)) \right] \left[ \mathbf X-E(\mathbf X) \right]^T A^T \right\} =\mathbf A E\left\{ \left[ \mathbf X-E(\mathbf X)
\right]\left[ \mathbf X-E(\mathbf X) \right]^T \right\}\mathbf A^T =\mathbf A \mathbf C\mathbf A^T 参考资料清华大学张颢老师“随机过程”课程.正态分布的前世今生 (上,下),靳志辉.Jaynes, E. T. (2003).Probability theory: The logic of science. Cambridge university press.http://astro.pas.rochester.edu/~aquillen/phy256/lectures/Diffusion_walks.pdfhttps://en.wikipedia.org/wiki/Multivariate_normal_distributionhttps://en.wikipedia.org/wiki/Normal_distributionRao, C. R. (1989). Statistics and truth.Putting Chance to Work.}

选择擅长的领域继续答题?
{@each tagList as item}
${item.tagName}
{@/each}
手机回答更方便,互动更有趣,下载APP
提交成功是否继续回答问题?
手机回答更方便,互动更有趣,下载APP
展开全部
数学是一门非常重要的学科,涉及到各个领域,而在数学领域,经常能听到一个专业名词“正态分布”,那么正态分布是什么意思呢?1、 正态分布,也称“常态分布”,又名高斯分布,最早由棣莫弗在求二项分布的渐近公式中得到。2、 C.F.高斯在研究测量误差时从另一个角度导出了它。P.S.拉普拉斯和高斯研究了它的性质。是一个在数学、物理及工程等领域都非常重要的概率分布,在统计学的许多方面有着重大的影响力。3、 正态曲线呈钟型,两头低,中间高,左右对称因其曲线呈钟形,因此人们又经常称之为钟形曲线。4、 若随机变量X服从一个数学期望为μ、方差为σ2的正态分布,记为N(μ,σ2)。其概率密度函数为正态分布的期望值μ决定了其位置,其标准差σ决定了分布的幅度。当μ= 0,σ= 1时的正态分布是标准正态分布。以上就是关于正态分布是什么意思的全部介绍了。
',getTip:function(t,e){return t.renderTip(e.getAttribute(t.triangularSign),e.getAttribute("jubao"))},getILeft:function(t,e){return t.left+e.offsetWidth/2-e.tip.offsetWidth/2},getSHtml:function(t,e,n){return t.tpl.replace(/\{\{#href\}\}/g,e).replace(/\{\{#jubao\}\}/g,n)}},baobiao:{triangularSign:"data-baobiao",tpl:'{{#baobiao_text}}',getTip:function(t,e){return t.renderTip(e.getAttribute(t.triangularSign))},getILeft:function(t,e){return t.left-21},getSHtml:function(t,e,n){return t.tpl.replace(/\{\{#baobiao_text\}\}/g,e)}}};function l(t){return this.type=t.type
"defaultTip",this.objTip=u[this.type],this.containerId="c-tips-container",this.advertContainerClass=t.adSelector,this.triangularSign=this.objTip.triangularSign,this.delaySeconds=200,this.adventContainer="",this.triangulars=[],this.motherContainer=a("div"),this.oTipContainer=i(this.containerId),this.tip="",this.tpl=this.objTip.tpl,this.init()}l.prototype={constructor:l,arrInit:function(){for(var t=0;t0}});else{var t=window.document;n.prototype.THROTTLE_TIMEOUT=100,n.prototype.POLL_INTERVAL=null,n.prototype.USE_MUTATION_OBSERVER=!0,n.prototype.observe=function(t){if(!this._observationTargets.some((function(e){return e.element==t}))){if(!t
1!=t.nodeType)throw new Error("target must be an Element");this._registerInstance(),this._observationTargets.push({element:t,entry:null}),this._monitorIntersections(),this._checkForIntersections()}},n.prototype.unobserve=function(t){this._observationTargets=this._observationTargets.filter((function(e){return e.element!=t})),this._observationTargets.length
(this._unmonitorIntersections(),this._unregisterInstance())},n.prototype.disconnect=function(){this._observationTargets=[],this._unmonitorIntersections(),this._unregisterInstance()},n.prototype.takeRecords=function(){var t=this._queuedEntries.slice();return this._queuedEntries=[],t},n.prototype._initThresholds=function(t){var e=t
[0];return Array.isArray(e)
(e=[e]),e.sort().filter((function(t,e,n){if("number"!=typeof t
isNaN(t)
t1)throw new Error("threshold must be a number between 0 and 1 inclusively");return t!==n[e-1]}))},n.prototype._parseRootMargin=function(t){var e=(t
"0px").split(/\s+/).map((function(t){var e=/^(-?\d*\.?\d+)(px|%)$/.exec(t);if(!e)throw new Error("rootMargin must be specified in pixels or percent");return{value:parseFloat(e[1]),unit:e[2]}}));return e[1]=e[1]
e[0],e[2]=e[2]
e[0],e[3]=e[3]
e[1],e},n.prototype._monitorIntersections=function(){this._monitoringIntersections
(this._monitoringIntersections=!0,this.POLL_INTERVAL?this._monitoringInterval=setInterval(this._checkForIntersections,this.POLL_INTERVAL):(r(window,"resize",this._checkForIntersections,!0),r(t,"scroll",this._checkForIntersections,!0),this.USE_MUTATION_OBSERVER&&"MutationObserver"in window&&(this._domObserver=new MutationObserver(this._checkForIntersections),this._domObserver.observe(t,{attributes:!0,childList:!0,characterData:!0,subtree:!0}))))},n.prototype._unmonitorIntersections=function(){this._monitoringIntersections&&(this._monitoringIntersections=!1,clearInterval(this._monitoringInterval),this._monitoringInterval=null,i(window,"resize",this._checkForIntersections,!0),i(t,"scroll",this._checkForIntersections,!0),this._domObserver&&(this._domObserver.disconnect(),this._domObserver=null))},n.prototype._checkForIntersections=function(){var t=this._rootIsInDom(),n=t?this._getRootRect():{top:0,bottom:0,left:0,right:0,width:0,height:0};this._observationTargets.forEach((function(r){var i=r.element,a=o(i),c=this._rootContainsTarget(i),s=r.entry,u=t&&c&&this._computeTargetAndRootIntersection(i,n),l=r.entry=new e({time:window.performance&&performance.now&&performance.now(),target:i,boundingClientRect:a,rootBounds:n,intersectionRect:u});s?t&&c?this._hasCrossedThreshold(s,l)&&this._queuedEntries.push(l):s&&s.isIntersecting&&this._queuedEntries.push(l):this._queuedEntries.push(l)}),this),this._queuedEntries.length&&this._callback(this.takeRecords(),this)},n.prototype._computeTargetAndRootIntersection=function(e,n){if("none"!=window.getComputedStyle(e).display){for(var r,i,a,s,u,l,f,h,p=o(e),d=c(e),v=!1;!v;){var g=null,m=1==d.nodeType?window.getComputedStyle(d):{};if("none"==m.display)return;if(d==this.root
d==t?(v=!0,g=n):d!=t.body&&d!=t.documentElement&&"visible"!=m.overflow&&(g=o(d)),g&&(r=g,i=p,a=void 0,s=void 0,u=void 0,l=void 0,f=void 0,h=void 0,a=Math.max(r.top,i.top),s=Math.min(r.bottom,i.bottom),u=Math.max(r.left,i.left),l=Math.min(r.right,i.right),h=s-a,!(p=(f=l-u)>=0&&h>=0&&{top:a,bottom:s,left:u,right:l,width:f,height:h})))break;d=c(d)}return p}},n.prototype._getRootRect=function(){var e;if(this.root)e=o(this.root);else{var n=t.documentElement,r=t.body;e={top:0,left:0,right:n.clientWidth
r.clientWidth,width:n.clientWidth
r.clientWidth,bottom:n.clientHeight
r.clientHeight,height:n.clientHeight
r.clientHeight}}return this._expandRectByRootMargin(e)},n.prototype._expandRectByRootMargin=function(t){var e=this._rootMarginValues.map((function(e,n){return"px"==e.unit?e.value:e.value*(n%2?t.width:t.height)/100})),n={top:t.top-e[0],right:t.right+e[1],bottom:t.bottom+e[2],left:t.left-e[3]};return n.width=n.right-n.left,n.height=n.bottom-n.top,n},n.prototype._hasCrossedThreshold=function(t,e){var n=t&&t.isIntersecting?t.intersectionRatio
0:-1,r=e.isIntersecting?e.intersectionRatio
0:-1;if(n!==r)for(var i=0;i0&&function(t,e,n,r){var i=document.getElementsByClassName(t);if(i.length>0)for(var o=0;o推荐律师服务:
若未解决您的问题,请您详细描述您的问题,通过百度律临进行免费专业咨询
为你推荐:
下载百度知道APP,抢鲜体验使用百度知道APP,立即抢鲜体验。你的手机镜头里或许有别人想知道的答案。扫描二维码下载
×个人、企业类侵权投诉
违法有害信息,请在下方选择后提交
类别色情低俗
涉嫌违法犯罪
时政信息不实
垃圾广告
低质灌水
我们会通过消息、邮箱等方式尽快将举报结果通知您。说明
做任务开宝箱累计完成0
个任务
10任务
50任务
100任务
200任务
任务列表加载中...
}

我要回帖

更多关于 正态分布说明了什么 的文章

更多推荐

版权声明:文章内容来源于网络,版权归原作者所有,如有侵权请点击这里与我们联系,我们将及时删除。

点击添加站长微信