CDN加速镜像 | 设为首页 | 加入收藏夹
当前位置: 首页 资源下载 源码下载 数值算法/人工智能 人工智能/神经网络/遗传算法 搜索资源 - logistic分类

搜索资源列表

  1. lect4

    0下载:
  2. 牛津大学机器学习课件 分类器 logistic regression, AdaBoost-oxford lecture notes Classifiers: logistic regression, AdaBoost
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-25
    • 文件大小:131431
    • 提供者:杨过
  1. mlclass-ex1

    0下载:
  2. 机器学习里的多分类问题,用logistic回归解决。-Machine learning in the multi-classification problem, using logistic regression to solve.
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-11-09
    • 文件大小:6808088
    • 提供者:xieqiwei
  1. softmaxregression

    0下载:
  2. softmaxregression,即多分类的逻辑斯特回归算法,python编写-softmaxregression, namely multi-classification logistic regression algorithm, python write
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-08
    • 文件大小:1251
    • 提供者:王科
  1. logisticregression

    0下载:
  2. 二分类logistic回归算法。通用性比较强-Binary logistic regression algorithm. Universal relatively strong
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-06
    • 文件大小:1245
    • 提供者:王科
  1. logistic_regression

    2下载:
  2. 利用逻辑回归实现二分类的matlab程序。随机生成训练样本,利用梯度下降法进行训练,并且在样本图上画出了分类边界。-Logistic regression for binary classification matlab procedures. Randomly generated training samples, the training using the gradient descent method, and is shown in Figure on the sample class
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-10
    • 文件大小:782
    • 提供者:任仁
  1. mlclass-ex3

    0下载:
  2. 斯坦福机器学习公开课,第三次练习作业,向量化实现,logistic分类和神经网络-Stanford open class machine learning, the third practice operations, to quantify the realization, logistic and neural network classification
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-23
    • 文件大小:7607872
    • 提供者:叶志立
  1. project2_code

    0下载:
  2. 这是matlab编写的Logistic Discrimination 和 KNN分类器代码。这两个算法的实现参考了《Introduction to Machine Learning》。 除此在代码中还包含了调用matlab自带的libsvm的例程。rumLogisticDiscrimination, runKnn, runSvm分别对这3个算法在数据集liver_train_data上的分类准确度进行测试。测试结果在code report.doc 中有简要描述。-This code implem
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-26
    • 文件大小:265480
    • 提供者:hhj
  1. logistic-regression

    0下载:
  2. 逻辑回归模型的实现,可以进行训练,预测,分类-Achieve logistic regression model can be trained, forecasting, classification
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-04-13
    • 文件大小:1569
    • 提供者:杜晓辉
  1. softmax-regression

    0下载:
  2. softmax 回归源代码(高维logistic回归 )进行邮件文本分类。-softmax regression to classify for email text.(high dimension of logistic regression)
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-23
    • 文件大小:7575819
    • 提供者:changliu
  1. logistic-regressionpy

    1下载:
  2. python实现简单二分类逻辑回归,主要使用梯度上升实现-python simple binary logistic regression, the main use of gradient ascent realization
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-04
    • 文件大小:5153
    • 提供者:xijiazhen
  1. python-code-for-Machine-learning

    2下载:
  2. 用于机器学习的全方位python代码,包括K-近邻算法、决策树、朴素贝叶斯、Logistic 回归 、支持向量机、利用 AdaBoost 元算法提高分类性能、预测数值型数据:回归、树回归、利用 K-均值聚类算法对未标注数据分组、使用 Apriori 算法进行关联分析、使用 FP-growth 算法来高效分析频繁项集、利用 PCA 来简化数据、利用 SVD 简化数据、大数据与 MapReduce-The full range of python code for machine learning
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-05-05
    • 文件大小:546302
    • 提供者:杨宇
  1. knn_logistic_naiveBayes

    0下载:
  2. 统计机器学习经典分类算法MATLAB代码,付数据集。包括knn算法,逻辑斯蒂回归和朴素贝叶斯算法。-Classical statistical machine learning classification algorithm MATLAB code, pay dataset. Including knn algorithm, logistic regression and naive Bayes algorithm.
  3. 所属分类:AI-NN-PR

    • 发布日期:2017-12-12
    • 文件大小:9964214
    • 提供者:宋骅昕
  1. Logistic Regression

    0下载:
  2. 机器学习中的一种对数据进行分类的模型,非常好用,可以运行,推荐下载。(A machine learning model for data classification, very easy to use, you can run, it is recommended to download.)
  3. 所属分类:人工智能/神经网络/深度学习

    • 发布日期:2017-12-25
    • 文件大小:175104
    • 提供者:赵嘉慧
  1. nn_classification

    0下载:
  2. 使用单隐层神经网络进行二分类 使用python语言,先生成一个数据集,无法(但尝试)用logistic回归对数据集进行二分类,最后使用单隐层神经网络对数据集进行分类(classify a dataset with a 3-dimensional hidden layer)
  3. 所属分类:人工智能/神经网络/深度学习

    • 发布日期:2018-01-08
    • 文件大小:1024
    • 提供者:森生林
  1. MLInActionCode-master

    2下载:
  2. 机器学习实战的源代码集合,第一部分主要介绍机器学习基础,以及如何利用算法进行分类,并逐步介绍了多种经典的监督学习算法,如k近邻算法、朴素贝叶斯算法、Logistic回归算法、支持向量机、AdaBoost集成方法、基于树的回归算法和分类回归树(CART)算法等。第三部分则重点介绍无监督学习及其一些主要算法:k均值聚类算法、Apriori算法、FP-Growth算法。第四部分介绍了机器学习算法的一些附属工具(Machine learning combat source code collection
  3. 所属分类:人工智能/神经网络/深度学习

    • 发布日期:2018-04-20
    • 文件大小:16164864
    • 提供者:xiaochi034
  1. logRegres

    0下载:
  2. 程序为Logistic回归算法用于分类,主要包含梯度上升法以及改进的梯度上升法(The program is Logistic regression algorithm for classification, mainly including gradient ascent method and improved gradient ascent method)
  3. 所属分类:人工智能/神经网络/深度学习

    • 发布日期:2018-05-02
    • 文件大小:1024
    • 提供者:叶子666
  1. logisitc regression

    0下载:
  2. 利用逻辑回归原理算法实现经典的鸢尾花分类问题(Using logistic regression algorithm to realize classical iris classification problem)
  3. 所属分类:人工智能/神经网络/深度学习

    • 发布日期:2018-05-06
    • 文件大小:1024
    • 提供者:Jeason7
  1. yolo V3

    1下载:
  2. 这个版本作者已经编译过了 可以在WIN系统上运行 YOLO3主要的改进有:调整了网络结构;利用多尺度特征进行对象检测;对象分类用Logistic取代了softmax。 在基本的图像特征提取方面,YOLO3采用了称之为Darknet-53的网络结构(含有53个卷积层),它借鉴了残差网络residual network的做法,在一些层之间设置了快捷链路(shortcut connections)。
  3. 所属分类:人工智能/神经网络/遗传算法

    • 发布日期:2019-09-25
    • 文件大小:7955435
    • 提供者:w5124w
搜珍网 www.dssz.com