IT数码 购物 网址 头条 软件 日历 阅读 图书馆
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
图片批量下载器
↓批量下载图片,美女图库↓
图片自动播放器
↓图片自动播放器↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁
 
   -> 人工智能 -> 机器学习初步模型 -> 正文阅读

[人工智能]机器学习初步模型

1、回归:

? ? ? ? ? ? ? ? 假设已经认为该数据为三次方数据:

import statsmodels.api as sm
import matplotlib.pyplot as plt
import pandas as pd
import numpy as np

nsample = 100
#x的取值
x = np.linspace(0, 10, nsample)
#列出x的列的组成
X = np.column_stack((x, x**2,x**3))

#给x加上一个常数
X = sm.add_constant(X)
#模拟方程的系数
beta = np.array([1,0.1,10,1])
#误差
e = np.random.normal(size=nsample)
#生成Y的等式
y = np.dot(X, beta) + e
##调用OLS。fit来拟合曲线
model = sm.OLS(y,X).fit()


fig, ax = plt.subplots(figsize=(8,6))
ax.plot(x, y, label='data')
ax.legend(loc='best')
ax.scatter(x,y)
plt.show()

?2、分类

在iris数据集上来进行分类器分类

import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.ensemble import RandomForestClassifier
from sklearn.ensemble import GradientBoostingClassifier
from sklearn.datasets import load_iris

iris = load_iris()
##x为数据集
x = iris["data"]
##y为标签集
y = iris["target"]
##打破原有的顺序进行分割,分为x的训练集、测试集;y的训练集、测试集
xtrain,xtest,ytrain,ytest = train_test_split(x,y,test_size=0.3,random_state=0)

########随机森林
##定义一个分类器
rfc = RandomForestClassifier(max_depth=5,random_state=0)
rfc.fit(xtrain,ytrain)  ##将训练集的数据进行拟合
y_pred = rfc.predict(xtest)   #求出预测的值

########
gtc = GradientBoostingClassifier(max_depth=5,random_state=0)
gtc.fit(xtrain,ytrain)
gtc_pred = gtc.predict(xtest)

########
########
hbc = HistGradientBoostingClassifier(max_depth=5,random_state=0)
hbc.fit(xtrain,ytrain)
hbc_pred = hbc.predict(xtest)

##随机森林
rf = pd.DataFrame(list(zip(ytest,y_pred)),columns=['real','pred'])
rf["num"] = rf.apply(lambda r:1 if r["real"] == r["pred"] else 0,axis=1)
#####验证准确率
print(sum(rf["num"])/len(rf["real"]))

##
gtcf = pd.DataFrame(list(zip(ytest,gtc_pred)),columns=['real','pred'])
gtcf["num"] = rf.apply(lambda r:1 if r["real"] == r["pred"] else 0,axis=1)
print(sum(gtcf["num"])/len(gtcf["real"]))




#####增加学习率的

from sklearn.ensemble import RandomForestClassifier
import pandas as pd
import matplotlib.pyplot as plt
from sklearn.datasets import load_iris
from sklearn.model_selection import train_test_split

iris = load_iris()
x = iris["data"]
y = iris["target"]

x_train,x_test,y_train,y_test = train_test_split(x,y,test_size=0.3,random_state=0)

for i in range(40):
    clf = RandomForestClassifier(max_depth=5,n_estimators=i+1)
    clf.fit(x_train,y_train)
    pred = clf.predict(x_test)
    rf = pd.DataFrame(list(zip(y_test,pred)),columns=["test","pred"])
    rf["num"] = rf.apply(lambda r:1 if r["test"] == r["pred"] else 0,axis=1)
    print(sum(rf["num"])/len(rf["test"]))
    plt.scatter(i,sum(rf["num"])/len(rf["test"]))
plt.show()
0.9777777777777777
0.9777777777777777

  人工智能 最新文章
2022吴恩达机器学习课程——第二课(神经网
第十五章 规则学习
FixMatch: Simplifying Semi-Supervised Le
数据挖掘Java——Kmeans算法的实现
大脑皮层的分割方法
【翻译】GPT-3是如何工作的
论文笔记:TEACHTEXT: CrossModal Generaliz
python从零学(六)
详解Python 3.x 导入(import)
【答读者问27】backtrader不支持最新版本的
上一篇文章      下一篇文章      查看所有文章
加:2021-08-24 15:33:09  更:2021-08-24 15:34:08 
 
开发: C++知识库 Java知识库 JavaScript Python PHP知识库 人工智能 区块链 大数据 移动开发 嵌入式 开发工具 数据结构与算法 开发测试 游戏开发 网络协议 系统运维
教程: HTML教程 CSS教程 JavaScript教程 Go语言教程 JQuery教程 VUE教程 VUE3教程 Bootstrap教程 SQL数据库教程 C语言教程 C++教程 Java教程 Python教程 Python3教程 C#教程
数码: 电脑 笔记本 显卡 显示器 固态硬盘 硬盘 耳机 手机 iphone vivo oppo 小米 华为 单反 装机 图拉丁

360图书馆 购物 三丰科技 阅读网 日历 万年历 2024年11日历 -2024/11/27 18:31:54-

图片自动播放器
↓图片自动播放器↓
TxT小说阅读器
↓语音阅读,小说下载,古典文学↓
一键清除垃圾
↓轻轻一点,清除系统垃圾↓
图片批量下载器
↓批量下载图片,美女图库↓
  网站联系: qq:121756557 email:121756557@qq.com  IT数码