搜索资源列表
libsvmforpython
- 提供了python平台下的libsvm工具,该工具在分类,预测方面具有很好的简单,实用性-Provides a platform for libsvm python tool, which in classification and prediction has a good simple, practical
HMM-python-master
- 用python实现了隐马尔科夫模型的概率计算和预测部分,主要是前向后向算法和维特比算法-Realized with python hidden Markov model probability calculation and prediction part is mainly forward-backward algorithm and the Viterbi algorithm
python-code-for-Machine-learning
- 用于机器学习的全方位python代码,包括K-近邻算法、决策树、朴素贝叶斯、Logistic 回归 、支持向量机、利用 AdaBoost 元算法提高分类性能、预测数值型数据:回归、树回归、利用 K-均值聚类算法对未标注数据分组、使用 Apriori 算法进行关联分析、使用 FP-growth 算法来高效分析频繁项集、利用 PCA 来简化数据、利用 SVD 简化数据、大数据与 MapReduce-The full range of python code for machine learning
python
- 用机器学习中的线性回归和在线学习的方法预测空气质量-predict air quality
bp
- 一种BP神经网络的PYTHON代码,可用于简单预测等(A BP neural network PYTHON code)
bp
- python 实现的bp神经网络预测,数据已经有,可以直接替换,叠加次数还有步长可以自己设置。(Python implementation of BP neural network prediction, the data already has, can be directly replaced, the number of overlap, there are steps you can set yourself.)
bp神经网络
- 根据Ecotect 模拟的12种不同的建筑形状进行能量分析,数据集包括768个样本和8个特征属性,旨在预测房屋的热负荷和冷负荷。BP神经网络(According to the 12 different building shapes simulated by Ecotect, we carry out energy analysis. The dataset includes 768 samples and 8 characteristic attributes, aiming at predi
lstm-oreilly-master
- 时间序列预测,股票走势预测,自然语言处理等等(Time Series Prediction)
预测
- BP神经网络模型预测的Python代码实现,测试有效(BP neural network model forecast Python code implementation, test effectiveness)
BPNet
- 关于神经网络的Python算法,,可以用作分类预测等等问题(An algorithm for neural networks, which is used in classifier by python)
LSTM-morevalible
- LSTM 多变量预测,天气等影戏因素,可以执行,完全可以执行,思想也很简单(LSTM multivariable prediction)
Python实现逻辑回归与梯度下降策略
- 建立一个逻辑回归模型来预测一个大学生是否被大学录取(Establish a logistic regression model to predict whether a college student will be admitted to a university)
stock_predict_with_LSTM-master
- 深度学习,LSTM股票预测,python代码(Deep Learning, LSTM Stock Forecasting, Pthon Code)
sklearn-SVM
- 支持向量机(SVM)——分类预测,包括核函数调参,不平衡数据问题,特征降维,网格搜索,管道机制,学习曲线,混淆矩阵,AUC曲线等(Support vector machine (SVM) - classification prediction, including kernel function parameter adjustment, unbalanced data problem, feature dimensionality reduction, grid search, pipelin
python
- 该代码基于Python3,利用机器学习中支持向量机回归算法(SVR)实现对数据的拟合以及预测,可以通过调试C值和gamma值达到不同的拟合程度,具有较大的实际意义,并且该代码本人亲自调式运用,适合广大学习者使用。(This code is based on Python 3. It uses support vector machine regression algorithm (SVR) in machine learning to fit and predict the data. It c
RNN_股票预测
- 基于python语言,tensorflow框架,通过rnn循环神经网络实现对茅台酒开盘价的预测(Based on Python language and TensorFlow framework, the prediction of opening price of Moutai wine was realized through RNN circulating neural network)
id3.1(1)
- 在python中,利用ID3方法画决策树,决策树是一种依托决策而建立起来的一种树。在机器学习中,决策树是一种预测模型,代表的是一种对 象属性与对象值之间的一种映射关系(In Python, ID3 method is used to draw decision tree. Decision tree is a kind of tree based on decision. In machine learning, decision tree is a prediction model, whic
机器学习实战书+源代码
- 机器学习横跨计算机科学、工程科学和统计学等多个学科,需要多学科的专业知识。在需要解释并操作数据的领域都或多或少可以运用到机器学习,通过这本书可以系统地学习基于python语言的机器学习的相关知识(Machine Learning in Action written by Peter Harringto. Machine learning covers many subjects, such as computer science, engineering science and statisti
Python机器学习_预测分析核心算法
- Python机器学习_预测分析核心算法(Python machine learning_ Prediction analysis core algorithm)
神经网络数据预测
- 使用遗传算法改进的神经网络算法,对某地区用电进行预测,并分析预测的误差大小,使用python