资源简介
框架:keras,语言:python,使用算法:k-means,需要安装一些安装包
代码片段和文件信息
import numpy as np
from sklearn.datasets import load_iris
from sklearn import tree
from sklearn.cluster import KMeans
import matplotlib.pyplot as plt
iris = load_iris()
test_idx = [0 50 100]
train_target = np.delete(iris.target test_idx)
train_data = np.delete(iris.data test_idx axis=0)
X = train_data[:1:3]
test_target = iris.target[test_idx]
test_data = iris.data[test_idx]
print(“Data Loaded“)
#决策树
#clf = tree.DecisionTreeClassifier()
#clf = clf.fit(train_data train_target)
#K-Means
clf = KMeans(n_clusters=3)
clf.fit(train_data)
label_pred = clf.labels_
#绘制k-means结果
x0 = X[label_pred == 0]
x1 = X[label_pred == 1]
x2 = X[label_pred == 2]
plt.scatter(x0[: 0] x0[: 1] c = “red“ marker=‘o‘ label=‘l
相关资源
- deep learning with python 中文版
- Python-Keras实现Inceptionv4InceptionResnetv1和
- Python-基于深度学习的语音增强使用
- python+keras+deeplearning
- MLP/RNN/LSTM模型进行IMDb情感分析
- 10行Python代码实现目标检测
- [PDF] Reinforcement Learning With Open AI Tens
- image_classify_using_sift
- 基于Keras的attention实战
- keras实现中文文本分类
- python深度学习-高清pdf-源码
- 亚马逊电子书-Keras快速上手:基于P
- 《Python深度学习》2018中文版pdf+英文版
- Python深度学习.pdf
- keras 实现的表情识别
- 《python深度学习》弗朗索瓦肖莱 高清
- python深度学习pdf+源码案例
- 基于phash图像特征的图像聚类-kmeans-
- Kmeans算法python实现
- Python深度学习实战 基于tensorflow和k
- Reinforcement Learning - With Open AI TensorFl
- Python深度学习Deep Learning With Python中文
- Keras快速上手基于Python的深度学习实战
- 《Python深度学习》中文版pdf+英文版
- Hands-On Machine Learning with Scikit-Learn Ke
- keras快速上手 基于python深度学习实战
- keras之父之作《Python深度学习》2018中
- Deep Learning for Computer Vision Expert techn
- resnet50_weights_tf_dim_ordering_tf_kernels_no
- Kmeans.docx K均值聚类算法实验报告
评论
共有 条评论