CDN加速镜像 | 设为首页 | 加入收藏夹
当前位置: 首页 资源下载 源码下载 数值算法/人工智能 搜索资源 - 训练集

搜索资源列表

  1. Matlab

    0下载:
  2. 将Iris数据集分为2组,每组各75个样本,每组中每种花各有25个样本。其中一组作为以上程序的训练样本,另外一组作为检验样本。为了方便训练,将3类花分别编号为1,2,3 。   使用这些数据训练一个4输入(分别对应4个特征),3输出(分别对应该样本属于某一品种的可能性大小)的前向网络。-The Iris data set is divided into two groups each of 75 samples in each group have 25 samples in each fl
  3. 所属分类:matlab

    • 发布日期:2017-04-14
    • 文件大小:2897
    • 提供者:东洋
  1. NB_for_text_classification

    0下载:
  2. 文本分类:朴素贝叶斯分类器例子,采用Multi-Variate Bernoulli Event Model。一个文件为训练,一个文件为测试,采用20newsgroups数据集。-Text classification: Naive Bayes classifier example, the use of Multi-Variate Bernoulli Event Model. A file for training, a file for testing, using 20newsgroups
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-22
    • 文件大小:6167343
    • 提供者:nick
  1. myRBF_2

    0下载:
  2. 自己编写的RBF神经网络,采用的数据集是iris. 先使用KMeans找中心点,再训练RBF网络-I have written RBF neural network, using the data set is iris. First using KMeans find the center, retraining RBF network
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-07
    • 文件大小:1242759
    • 提供者:qwiasd
  1. elm

    1下载:
  2. elm用于分类,参数包括程序运行次数,训练测试数据集,隐含层神经元个数,激活函数类型-elm for classify
  3. 所属分类:matlab

    • 发布日期:2017-04-13
    • 文件大小:1885
    • 提供者:裘日辉
  1. ganzhizhunzeUntitled3

    0下载:
  2. 如果训练样本集是线性可分的,则从任意初始权向量出发,总可以在有限迭代内找到一个权向量,使所有样本正确分类。-If the training set is linearly separable, starting an arbitrary initial weight vector, you can always find a weight vector in a finite iteration, all samples correctly classified.
  3. 所属分类:matlab

    • 发布日期:2017-04-12
    • 文件大小:833
    • 提供者:NiuZhang
  1. KNNDemo

    0下载:
  2. KNN算法Java语言实现,控制台运行界面。分类训练样本集和测试样本都有。-Java KNN language implementation, the console running interface. Classified training samples and test samples are.
  3. 所属分类:Data Mining

    • 发布日期:2017-04-28
    • 文件大小:9873
    • 提供者:张瑞雪
  1. emial-spam

    0下载:
  2. 基于感知器算法的垃圾邮件识别,先通过训练集训练出分类器,然后通过测试集验证-Perceptron based spam detection algorithm
  3. 所属分类:Data Mining

    • 发布日期:2017-04-12
    • 文件大小:1446
    • 提供者:江玮玮
  1. Lenet

    0下载:
  2. 这个资源使用实现lenet-5的网络结构来MNIST数据集,代码参考了UFLDL上的相关的代码,以及R. B. Palm实现的CNN中的相关代码,为了适应数据集我把lenet-5输入的大小改为了28*28,c3的每一张特征图都与s4的每一张特征图相关,训练的结果可以达到99.1 -The resources for network structure lenet-5 to MNIST data sets, code reference to the relevant code UFLDL on
  3. 所属分类:Mathimatics-Numerical algorithms

    • 发布日期:2017-05-28
    • 文件大小:10661106
    • 提供者:
  1. CuCao2ClassTrain

    1下载:
  2. 基于粗糙集的分类规则提取和分类规则约简。首先进行粗糙分类器训练,然后将复杂的分类规则降维成简单的分类规则,但分类精度不变。-Rough classification learning rules are trained and extracted based on rough sets and complex classification rules are dimensionally reduced into simple classification rules, but the class
  3. 所属分类:Data Mining

    • 发布日期:2017-04-13
    • 文件大小:1701
    • 提供者:王长忠
  1. feret

    0下载:
  2. feret人脸识别数据库,用于人脸分类训练,分为训练集合测试集-feret face recognition for human face classification training, divided into a training set of test set
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-29
    • 文件大小:11370881
    • 提供者:杨祥宇
  1. SVM_classifier

    1下载:
  2. SVM算法训练的分类器,对数据进行分类。包含训练和测试数据集,解决分类不平衡问题。-SVM classifier training algorithm, data classification. Comprising training and test data sets to solve classification imbalance.
  3. 所属分类:matlab

    • 发布日期:2017-05-01
    • 文件大小:101635
    • 提供者:石文君
  1. Two-Variate-Function

    0下载:
  2. 使用BP神经网络实现二元函数的逼近问题,包含训练样本,无测试集-Using BP neural network to achieve the approximation of the two function function, including the training samples, no test set
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-12
    • 文件大小:1086
    • 提供者:李军
  1. deeplearing-hinton

    0下载:
  2. hinton2006年发表在science上的关于深度神经网络的文章Reducing the Dimensionality of Data with Neural Networks的matlab程序 mnistdeepauto.m //训练AutoEncoder的主文件 converter.m //将样本集从.ubyte格式转换成.ascii格式,然后继续转换成.mat格式 makebatches.m //创建小批量数据块用于RBM训练 rbm.m //训练RBM二进制隐层
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-28
    • 文件大小:10669142
    • 提供者:wyx
  1. facerecognize

    0下载:
  2. 根据pca主程序分析的人脸识别。测试集用于训练特征脸空间,测试集是一张人脸一张动物脸,程序目的是识别出人脸与非人脸-Face recognition based on the analysis of the main pca. Test set for training Eigenface space, a test set is a human face animal face, the program aims to identify the face and non-face
  3. 所属分类:matlab

    • 发布日期:2017-04-12
    • 文件大小:1357
    • 提供者:charleschoi
  1. code_BPMF

    0下载:
  2. 如何使它工作: 1。创建一个单独的目录,并将所有这些文件下载到相同的目录中 2。下载7个文件: *demo:主文件demo:PMF和贝叶斯PMF * PMF.m:训练的PMF模型 * bayespmf.m贝叶斯PMF模型实现吉布斯采样器。 * moviedata.mat样本数据包含三元组(user_id,movie_id,评分) * makematrix.m:辅助功能转换成大型矩阵的三元组。 * PRED.m:辅助功能使得预测验证集。 三.在Matlab只需运
  3. 所属分类:Data Mining

    • 发布日期:2017-05-19
    • 文件大小:4670549
    • 提供者:kobepudn
  1. INRIAHogLbpLabel

    1下载:
  2. 本方法是hog+lbp+svm来判断是否为行人,函数库为opencv,代码为C++,hog是opencv自带的,lbp为均匀模式,59维度,训练样本为INRIA数据集-opencv lbp svm president detection inria data
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-06-10
    • 文件大小:17151752
    • 提供者:陶峰
  1. CNN

    0下载:
  2. 使用CNN卷积神经网络来训练MNIST数据集-CNN convolution using neural network training data set MNIST
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-12
    • 文件大小:1229
    • 提供者:赵琦
  1. MLP

    0下载:
  2. 使用MLP多层神经网络来训练MNIST数据集-Use MLP multi-layer neural network training data set MNIST
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-12
    • 文件大小:896
    • 提供者:赵琦
  1. darknet

    2下载:
  2. 神经网络引入后,检测框架变得更快更准确。然而,大多数检测方法受限于少量物体。检测和训练数据上联合训练物体检测器,用有标签的检测图像来学习精确定位,同时用分类图像来增加词汇和鲁棒性。原YOLO系统上生成YOLOv2检测器;在ImageNet中超过9000类的数据和COCO的检测数据上,合并数据集和联合训练YOLO9-After the neural network is introduced, it is becoming faster and more accurate detection fr
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-11
    • 文件大小:2150072
    • 提供者:安宁
  1. MLkNN

    0下载:
  2. ML-KNN,这是来自传统的K-近邻(KNN)算法。详细地,为每一个看不见的实例中,首先确定了训练集中的k近邻。之后,基于从标签集获得的统计信息。这些相邻的实例,即属于每个可能类的相邻实例的数量,最大后验(MAP)原理。用于确定不可见实例的标签集。三种不同现实世界中多标签学习问题的实验研究,即酵母基因功能分析、自然场景分类和网页自动分类,表明ML-KNN实现了卓越的性能(ML-KNN which is derived from the traditional K-nearest neighbo
  3. 所属分类:人工智能/神经网络/深度学习

    • 发布日期:2017-12-19
    • 文件大小:5120
    • 提供者:
« 1 2 ... 6 7 8 9 10 1112 13 »
搜珍网 www.dssz.com