生成特定分布随机数的方法:Python seed() 函数numpy scikit-learn随机数据生成


描述


seed() 方法改变随机数生成器的种子,可以在调用其他随机模块函数之前调用此函数。。


语法


以下是 seed() 方法的语法:

import random
random.seed ( [x] )

注意:seed(()是不能直接访问的,需要导入 random 模块,然后通过 random 静态对象调用该方法。


参数


x -- 改变随机数生成器的种子seed。如果你不了解其原理,你不必特别去设定seed,Python会帮你选择seed。

返回值


本函数没有返回值。


实例


#!/usr/bin/env pythonimport random
random.seed(0)
print "Random number with seed 0 : ", random.random()# It will generate same random numberrandom.seed(0)
print "Random number with seed 0 : ", random.random()# It will generate same random number
random.seed(0)
print "Random number with seed 0 : ", random.random()import numpy
random.seed( 10 )
numpy.random.seed(10)
print "Random number with seed 10 : ", random.random()
print "Numpy.Random number with seed 10 : ", numpy.random.random()# 生成同一个随机数
random.seed( 10 )
numpy.random.seed(10)
print "Random number with seed 10 : ", random.random()
print "Numpy.Random number with seed 10 : ", numpy.random.random()# 生成同一个随机数
random.seed( 10 )
numpy.random.seed(10)
print "Random number with seed 10 : ", random.random()
print "Numpy.Random number with seed 10 : ", numpy.random.random()

输出结果


Random number with seed 0 :  0.8444218515250481
Random number with seed 0 :  0.8444218515250481
Random number with seed 0 :  0.8444218515250481Random number with seed 10 :  0.5714025946899135
Numpy.Random number with seed 10 : 0.771320643266746
Random number with seed 10 :  0.5714025946899135
Numpy.Random number with seed 10 : 0.771320643266746
Random number with seed 10 :  0.5714025946899135
Numpy.Random number with seed 10 : 0.771320643266746

seed( ) 用于指定随机数生成时所用算法开始的整数值,如果使用相同的seed( )值,则每次生成的随即数都相同,如果不设置这个值,则系统根据时间来自己选择这个值,此时每次生成的随机数因时间差异而不同。

更多理解见 生成特定分布随机数的方法


Numpy


numpy比较适合用来生产一些简单的抽样数据。API都在random类中,常见的API有:

1) rand(d0, d1, …, dn) 用来生成d0xd1x…dn维的数组。数组的值在[0,1]之间

np.random.rand(3,2,2)array([[[ 0.75450129,  0.42901482],[ 0.96443585,  0.32667506]],[[ 0.14964725,  0.05210716],[ 0.22233923,  0.03842378]],[[ 0.25808658,  0.72287114],[ 0.46925528,  0.40520171]]])

2) randn((d0, d1, …, dn), 也是用来生成d0xd1x…dn维的数组。不过数组的值服从N(0,1)的标准正态分布

np.random.randn(3,2)array([[ 0.66144212,  0.42805973],[-1.70413147,  2.06557347],[ 0.64347303, -0.28598613]])

如果需要服从的正态分布,
For random samples from N(μ,σ2), use:

sigma * np.random.randn(…) + mu
只需要在randn上每个生成的值x上做变换σx+μ即可

2.5 * np.random.randn(2, 4) + 3
array([[ 4.18824037,  3.26512024,  4.78196539,  9.33558273],[ 1.82579451,  4.24870639,  3.20370651,  5.50917743]])

Two-by-four array of samples from N(3, 6.25)

3)randint(low[, high, size]),生成随机的大小为size的数据,size可以为整数,为矩阵维数,或者张量的维数。值位于半开区间 [low, high)。

np.random.randint(3, size=[2,3,4])
array([[[2, 0, 1, 2],[0, 1, 0, 0],[1, 1, 2, 2]],[[1, 2, 0, 1],[1, 1, 2, 0],[0, 1, 1, 1]]])

返回维数维2x3x4的数据。取值范围为最大值为3的整数

np.random.randint(3, 6, size=[2,3]) #返回维数为2x3的数据。取值范围为[3,6)
array([[4, 5, 4],[4, 5, 3]])

4) random_integers(low[, high, size]),和上面的randint类似,区别在与取值范围是闭区间[low, high]。

5) random_sample([size]), 返回随机的浮点数,在半开区间 [0.0, 1.0)。如果是其他区间[a,b),可以加以转换(b - a) * random_sample([size]) + a

 (5-2)*np.random.random_sample(3)+2 #返回[2,5)之间的3个随机数array([ 2.12014675,  4.97409966,  2.61624815])

scikit-learn随机数据生成API


scikit-learn生成随机数据的API都在datasets类之中,和numpy比起来,可以用来生成适合特定机器学习模型的数据。常用的API有:

1) 用make_regression 生成回归模型的数据
2) 用make_hastie_10_2,make_classification或者make_multilabel_classification生成分类模型数据
3) 用make_blobs生成聚类模型数据
4) 用make_gaussian_quantiles生成分组多维正态分布的数据

* scikit-learn随机数据生成实例*


回归模型随机数据

这里我们使用make_regression生成回归模型数据。几个关键参数有n_samples(生成样本数), n_features(样本特征数),noise(样本随机噪音)和coef(是否返回回归系数)。例子代码如下

# -*- coding: UTF-8 -*-
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
from sklearn.datasets.samples_generator import make_regression
# X为样本特征,y为样本输出, coef为回归系数,共1000个样本,每个样本1个特征
X, y, coef =make_regression(n_samples=1000, n_features=1,noise=10, coef=True)
# 画图
plt.scatter(X, y,  color='black')
plt.plot(X, X*coef, color='blue',linewidth=3)plt.xticks(())
plt.yticks(())plt.show()

这里写图片描述

分类模型随机数据

这里我们用make_classification生成三元分类模型数据。几个关键参数有n_samples(生成样本数), n_features(样本特征数), n_redundant(冗余特征数)和n_classes(输出的类别数),例子代码如下:

# -*- coding: UTF-8 -*-
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
from sklearn.datasets.samples_generator import make_classification
# X1为样本特征,Y1为样本类别输出, 共400个样本,每个样本2个特征,输出有3个类别,没有冗余特征,每个类别一个簇
X1, Y1 = make_classification(n_samples=400, n_features=2, n_redundant=0,n_clusters_per_class=1, n_classes=3)
plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1)
plt.show()

这里写图片描述

聚类模型随机数据

 这里我们用make_blobs生成聚类模型数据。几个关键参数有n_samples(生成样本数), n_features(样本特征数),centers(簇中心的个数或者自定义的簇中心)和cluster_std(簇数据方差,代表簇的聚合程度)。例子如下:

# -*- coding: UTF-8 -*-
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
from sklearn.datasets.samples_generator import make_blobs
# X为样本特征,Y为样本簇类别, 共1000个样本,每个样本2个特征,共3个簇,簇中心在[-1,-1], [1,1], [2,2], 簇方差分别为[0.4, 0.5, 0.2]
X, y = make_blobs(n_samples=1000, n_features=2, centers=[[-1,-1], [1,1], [2,2]], cluster_std=[0.4, 0.5, 0.2])
plt.scatter(X[:, 0], X[:, 1], marker='o', c=y)
plt.show()

这里写图片描述

分组正态分布混合数据

我们用make_gaussian_quantiles生成分组多维正态分布的数据。几个关键参数有n_samples(生成样本数), n_features(正态分布的维数),mean(特征均值), cov(样本协方差的系数), n_classes(数据在正态分布中按分位数分配的组数)。 例子如下:

# -*- coding: UTF-8 -*-
import numpy as np
import matplotlib.pyplot as plt
%matplotlib inline
from sklearn.datasets import make_gaussian_quantiles
#生成2维正态分布,生成的数据按分位数分成3组,1000个样本,2个样本特征均值为1和2,协方差系数为2
X1, Y1 = make_gaussian_quantiles(n_samples=1000, n_features=2, n_classes=3, mean=[1,2],cov=2)
plt.scatter(X1[:, 0], X1[:, 1], marker='o', c=Y1)
plt.show()

这里写图片描述


参考文献


Python seed() 函数

python 中 np.random.seed( ) 使用小技

机器学习算法的随机数据生成

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/246839.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

shutil.rmtree()

描述 shutil.rmtree() #递归地删除文件 如果存在以下树结构 - user- tester- noob- developer- guru 即 user 目录下存在多级子目录 如果要递归删除user\tester 目录的内容,可使用shutil.rmtree()函数 import shutil shutil.rmtree(ruser\tester) mkdir -p fo…

The ntpath module

ntpath module用法示例 import ntpath file "/my/little/pony"print "isabs", ">", ntpath.isabs(file) print "dirname", ">", ntpath.dirname(file) print "basename", ">", ntpath.basena…

python中的glob 模块学习文件路径查找

glob glob.glob(pathname), 返回所有匹配的文件路径列表。它只有一个参数pathname,定义了文件路径匹配规则,这里可以是绝对路径,也可以是相对路径。 import glob glob.glob(rc:/*.txt) 这里就是获得C盘下的所有txt文件glob.glob(…

python os模块 常用命令

os 模块用法示例 python编程时,经常和文件、目录打交道,这是就离不了os模块。os模块包含普遍的操作系统功能,与具体的平台无关。以下列举常用的命令 1. os.name()——判断现在正在实用的平台,Windows 返回 ‘nt; Linux 返回’pos…

pandas.DataFrame.iterrows

iterrows DataFrame.iterrows()[source] Iterate over DataFrame rows as (index, Series) pairs. 迭代(iterate)覆盖整个DataFrame的行中,返回(index, Series)对>>> df pd.DataFrame([[1, 1.5]], columns[int, float]) >>> row next(df.iterr…

scipy.ndimage.zoom上采样与下采样

插值 Bilinear interpolation would be order1, nearest is order0, and cubic is the default (order3). 举例说明 import numpy as np import scipy.ndimagex np.arange(64).reshape(8,8)print Original array: print xprint Resampled by a factor of 2 with nearest i…

Python 进度条 tqdm

用法 tqdm(读音:taqadum, تقدّم)在阿拉伯语中的意思是进展。tqdm可以在长循环中添加一个进度提示信息,用户只需要封装任意的迭代器 tqdm(iterator),是一个快速、扩展性强的进度条工具库。 from tqdm import tqdm…

sublime-text-3设置输入中文方法

以下方法在 ubutun16.04 中亲测可行,subl版本为 3126 。 一.下载源文件 源文件github链接地址为 https://github.com/jfcherng/my_scripts 或见CSDN下载。 二.安装fcitx输入法 打开终端,输入命令 sudo apt-get install -y fcitx fcitx-im 安装 fcitx…

你真的懂TensorFlow吗?Tensor是神马?为什么还会Flow?

本文的ipynb 格式见CSDN下载。 0维张量/标量 标量是一个数字 1维张量/向量 1维张量称为“向量”。 2维张量 2维张量称为矩阵 3维张量 公用数据存储在张量 时间序列数据 股价 文本数据 图片 彩色图片 5D张量 结论 实际上,你可以使用一个数字的张量&…

标签传播算法(Label Propagation)及Python实现

半监督学习(Semi-supervised learning)发挥作用的场合是:你的数据有一些有label,一些没有。而且一般是绝大部分都没有,只有少许几个有label。半监督学习算法会充分的利用unlabeled数据来捕捉我们整个数据的潜在分布。它…

UFLDL教程: Exercise: Sparse Autoencoder

自编码可以跟PCA 一样,给特征属性降维 一些matlab函数 bsxfun:Cbsxfun(fun,A,B)表达的是两个数组A和B间元素的二值操作,fun是函数句柄或者m文件,或者是内嵌的函数。在实际使用过程中fun有很多选择比如说加,减等,前面需…

概率图模型: Coursera课程资源分享和简介

本博客中概率图模型(Probabilistic Graphical Model)系列笔记以 Stanford 教授 Daphne Koller 的公开课 Probabilistic Graphical Model 为主线,结合资料(每篇博文脚注都附有链接)加以补充. 为便于对照课程查阅&#x…

UFLDL教程:Exercise:Vectorization

载入数据并显示 Deep Learning and Unsupervised Feature Learning Tutorial Solutions 下载MINIST数据集及加载数据集的函数。MINIST数据集的介绍。 % Change the filenames if youve saved the files under different names % On some platforms, the files might be saved…

UFLDL教程:Exercise:PCA in 2D PCA and Whitening

相关文章 PCA的原理及MATLAB实现 UFLDL教程:Exercise:PCA in 2D & PCA and Whitening python-A comparison of various Robust PCA implementations Deep Learning and Unsupervised Feature Learning Tutorial Solutions 统计学的基本概念 统计学里最基本…

UFLDL教程:Exercise:Softmax Regression

Softmax分类函数的Python实现 Deep Learning and Unsupervised Feature Learning Tutorial Solutions 逻辑回归假设函数 在线性回归问题中,假设函数具有如下形式: 在 logistic 回归中,我们的训练集由m 个已标记的样本构成:&#…

UFLDL教程: Exercise:Self-Taught Learning

自我学习 Deep Learning and Unsupervised Feature Learning Tutorial Solutions 1.先训练稀疏自编码器提取特征,再把特征和label给softmax分类器进行训练,最后用test数据集进行测试。 2.由于实际应用中找到大量有标注的样本是非常困难的,所…

UFLDL教程: Exercise: Implement deep networks for digit classification

Deep networks Deep Learning and Unsupervised Feature Learning Tutorial Solutions 深度网络的优势 比单层神经网络能学习到更复杂的表达。不同层的网络学习到的特征是由最底层到最高层慢慢上升的。比如在图像的学习中,第一个隐含层网络可能学习的是边缘特征&am…

UFLDL教程: Exercise:Learning color features with Sparse Autoencoders

Linear Decoders Deep Learning and Unsupervised Feature Learning Tutorial Solutions 以三层的稀疏编码神经网络而言,在sparse autoencoder中的输出层满足下面的公式 从公式中可以看出,a3的输出值是f函数的输出,而在普通的sparse autoenc…

UFLDL教程:Exercise:Convolution and Pooling

Deep Learning and Unsupervised Feature Learning Tutorial Solutions CNN的基本结构包括两层 其一为特征提取层,每个神经元的输入与前一层的局部接受域相连,并提取该局部的特征。一旦该局部特征被提取后,它与其它特征间的位置关系也随之确…

莫凡机器学习课程笔记

怎样区分好用的特征 避免无意义的信息避免重复性的信息避免复杂的信息 激活函数的选择 浅层神经网络,可以随便尝试各种激活函数 深层神经网络,不可随机选择各种激活函数,这涉及到梯度爆炸和梯度消失。(给出梯度爆炸和梯度消失的…