classification.py】的更多相关文章

# -*- coding: utf-8 -*-"""View more, visit my tutorial page: https://morvanzhou.github.io/tutorials/My Youtube Channel: https://www.youtube.com/user/MorvanZhouDependencies:torch: 0.4matplotlib""" import torchimport torch.nn.f…
二分类问题的交叉熵   在二分类问题中,损失函数(loss function)为交叉熵(cross entropy)损失函数.对于样本点(x,y)来说,y是真实的标签,在二分类问题中,其取值只可能为集合{0, 1}. 我们假设某个样本点的真实标签为yt, 该样本点取yt=1的概率为yp, 则该样本点的损失函数为 \[-log(yt|yp)=-(ytlog(yp)+(1-yt)log(1-yp))\] 对于整个模型而言,其损失函数就是所有样本点的损失函数的平均值.注意到,对于该损失函数,其值应该为…
转自:http://my.oschina.net/u/175377/blog/84420#OSC_h2_23 Scikit Learn: 在python中机器学习 Warning 警告:有些没能理解的句子,我以自己的理解意译. 翻译自:Scikit Learn:Machine Learning in Python 作者: Fabian Pedregosa, Gael Varoquaux 先决条件 Numpy, Scipy IPython matplotlib scikit-learn 目录 载入…
MLP 64,2  preprocessing.MinMaxScaler().fit(X)                               test confusion_matrix:[[129293   2734] [   958  23375]]             precision    recall  f1-score   support 0       0.99      0.98      0.99    132027          1       0.90  …
关键词: 输入层(Input layer).隐藏层(Hidden layer).输出层(Output layer) 理论上如果有足够多的隐藏层和足够大的训练集,神经网络可以模拟出任何方程.隐藏层多的时候就是深度学习啦 没有明确的规则来设计最好有多少个隐藏层,可以根据实验测试的误差以及准确度来实验测试并改进. 交叉验证方法(cross -validation):把样本分为K份,取一份为测试集,其他为训练集.共取K次,然后取其平均值 BP的步骤 1.初始化权重(weight)以及偏向(bias),随…
RESCALING attribute data to values to scale the range in [0, 1] or [−1, 1] is useful for the optimization algorithms, such as gradient descent, that are used within machine learning algorithms that weight inputs (e.g. regression and neural networks).…
reference : http://my.oschina.net/u/175377/blog/84420 目录[-] Scikit Learn: 在python中机器学习 载入示例数据 一个改变数据集大小的示例:数码数据集(digits datasets) 学习和预测 分类 K最近邻(KNN)分类器 训练集和测试集 分类支持向量机(SVMs) 线性支持向量机 使用核 聚类:将观测值聚合 k均值聚类 应用到图像压缩 用主成分分析降维 将一切放在一起:人脸识别 线性模型:从回归到稀疏 稀疏模型 同…
1.数据集加载 if FLAGS.normal: assert(NUM_POINT<=10000) DATA_PATH = os.path.join(ROOT_DIR, 'data/modelnet40_normal_resampled') TRAIN_DATASET = modelnet_dataset.ModelNetDataset(root=DATA_PATH, npoints=NUM_POINT, split='train', normal_channel=FLAGS.normal, b…
libsvm中有进行参数调优的工具grid.py和easy.py可以使用,这些工具可以帮助我们选择更好的参数,减少自己参数选优带来的烦扰. 所需工具:libsvm.gnuplot 本机环境:Windows7(64 bit) ,Python3.5 1.相关程序的下载和安装: 1.1.下载libsvm,我用的是libsvm-3.18.zip,下载后直接解压到任意位置,我解压到C:\libsvm-3.18下. 1.2.下载python,我下的是python-3.5.msi,双击该文件安装到默认位置,我…
1.脚本 This directory includes some useful codes: 1. subset selection tools. (子集抽取工具) subset.py 2. parameter selection tools. (参数选优工具) grid.py 3. LIBSVM format checking tools(格式检查工具)checkdata.py Part I: Subset selection tools子集抽取 Introduction =========…