本文主要是對sklearn的一些常用方法做一些簡單的介紹,這個包中的內容主要包括一些機器學習的演算法,需要結合機器學習的原理進行理解。
sklearn是一些封裝較高的演算法集:
分類、回歸、無監督、決策樹、資料降維、資料預處理等,包括常見的一些機器學習的方法。
#!/usr/bin/env python
# _*_ utf-8 _*_
import sklearn
from sklearn.neighbors.classification import kneighborsclassifier
'''1、強大的附帶資料集:'''
# 鳶尾花資料集:
# from sklearn.datasets import load_iris
# loaded_data = load_iris()
# data_x = loaded_data.data
# data_y = loaded_data.target
# print(data_x)
# 波士頓房價:
# from sklearn import datasets
# loaded_data = datasets.load_boston()
# data_x = loaded_data.data
# data_y = loaded_data.target
# print(data_x)
'''2、常用演算法'''
# knn演算法:
# from sklearn.model_selection import train_test_split
# from sklearn import datasets
# from sklearn.neighbors import kneighborsclassifier
# iris = datasets.load_iris()
# iris_x = iris.data
# iris_y = iris.target
# x_train, x_test, y_train, y_test = train_test_split(iris_x, iris_y, test_size=0.3)
# knn = kneighborsclassifier()
# knn.fit(x_train, y_train)
# print(knn.predict(x_test))
# print(y_test)
# y = knn.predict(x_test)
# 線性回歸:
# import matplotlib.pyplot as plt
# from sklearn import datasets
# from sklearn.linear_model import linearregression
# loaded_data = datasets.load_boston()
# data_x = loaded_data.data
# data_y = loaded_data.target
# model = linearregression()
# model.fit(data_x, data_y)
# print(data_x)
# 4行所有列:
# print(data_x[:4, :])
# print(model.predict(data_x[:4, :]))
# 對於一維資料獲取4之前的資料:
# print(data_y[:4])
# 正規化,標準化過程:
# from sklearn import preprocessing
# import numpy as np
# a = np.array([[1,2,3],[2,4,6],[3,6,9]])
# print(preprocessing.scale(a))
# 是乙個陣列,不是一維向量,可以將其轉化成一維向量,然後再進行矩陣運算:
# a = np.random.randn(5)
# print(type(a))
# from sklearn import preprocessing
# import numpy as np
# from sklearn.model_selection import train_test_split
# from sklearn.datasets.samples_generator import make_classification
# from sklearn.svm import svc
# import matplotlib.pyplot as plt
# x, y = make_classification(n_samples=300,
# n_features=2,
# n_redundant=0,
# n_informative=2,
# random_state=22,
# n_clusters_per_class=1,
# scale=100)
# plt.plot.scatter(x[:,0], x[:, 1], c=y)
# plt.show()
# 隨機森林:
# from sklearn.ensemble import randomforestclassifier
# x = [[0,0],[1,1]]
# y = [0,1]
# clf = randomforestclassifier(n_estimators=10)
# clf = clf.fit(x, y)
# print(clf)
# ------
# from sklearn.model_selection import cross_val_score
# from sklearn.datasets import make_blobs
# from sklearn.ensemble import randomforestclassifier
# from sklearn.ensemble import extratreesclassifier
# from sklearn.tree import decisiontreeclassifier
# x, y = make_blobs(n_samples=10000, n_features=10, centers=100)
# clf = decisiontreeclassifier(max_depth=none, min_impurity_split=2)
# scores = cross_val_score(clf, x, y)
# print(scores.mean())
Python 深度學習常用包彙總
1.5 dgl 圖網路框架 2 工具包 3 少用到的包 比較常用pytorch框架,記錄一下常用的包,方便重建深度學習環境。2021 2 28 2021 3 6 2021 5 22 不同框架一般安裝在不同環境中 最新anaconda 建立python3.6,python3.7虛擬環境,為pytorc...
python指令碼常見包 Python 常用包
wxpython 如果你之前是 windows 程式設計師,用 mfc 或者 win32api 開發介面程式,那進入 python 國度最好的 gui 選擇應該是 wxpython。它是 wxwidgets 的 python bind,與 wxwidgets 的開發完美同步,最為重要的一點是它的訊息...
Python 學習筆記(五)常用函式
python內建函式 四捨五入 round 絕對值 abs 1 round 1.543,2 保留兩位小數,四捨五入為1.54 2 1.54 3 round 1.546,2 保留兩位小數,四捨五入為1.55 4 1.55 5 round 1.536,2 6 1.54 7 abs 5 8 59 abs ...