sklearn中digits手寫字型資料集介紹
1. 匯入
from sklearn import datasets
digits = datasets.load_digits()
2. 屬性檢視
- digits: bunch型別
print digits.keys()
['images', 'data', 'target_names', 'DESCR', 'target']
3. 具體資料
- 1797個樣本,每個樣本包括8*8畫素的影象和一個[0, 9]整數的標籤
3.1 images
- ndarray型別,儲存8*8的影象,裡面的元素是float64型別,共有1797張圖片
- 用於顯示圖片
# 獲取第一張圖片
print digits.images[0]
plt.imshow(digits.image[0 ])
[[ 0. 0. 5. 13. 9. 1. 0. 0.]
[ 0. 0. 13. 15. 10. 15. 5. 0.]
[ 0. 3. 15. 2. 0. 11. 8. 0.]
[ 0. 4. 12. 0. 0. 8. 8. 0.]
[ 0. 5. 8. 0. 0. 9. 8. 0.]
[ 0. 4. 11. 0. 1. 12. 7. 0.]
[ 0. 2. 14. 5. 10. 12. 0. 0.]
[ 0. 0. 6. 13. 10. 0. 0. 0.]]
3.2 data
- ndarray型別,將images按行展開成一行,共有1797行
- 輸入資料
# 獲取第一張圖片的資料
print digits.data[0]
[ 0. 0. 5. 13. 9. 1. 0. 0. 0. 0. 13. 15. 10. 15. 5.
0. 0. 3. 15. 2. 0. 11. 8. 0. 0. 4. 12. 0. 0. 8.
8. 0. 0. 5. 8. 0. 0. 9. 8. 0. 0. 4. 11. 0. 1.
12. 7. 0. 0. 2. 14. 5. 10. 12. 0. 0. 0. 0. 6. 13.
10. 0. 0. 0.]
3.3 target
- ndarray型別,指明每張圖片的標籤,也就是每張圖片代表的數字
- 輸出資料,標籤
# 獲取第一張圖片的標籤
print digits.target[0]
0
3.4 target_names
- ndarray型別,資料集中所有標籤值
print digits.target_names
[0 1 2 3 4 5 6 7 8 9]
3.5 DESCR
- 資料集的描述,作者,資料來源等
把一張圖片轉化為畫素矩陣:
from sklearn.datasets import load_digits
import matplotlib.pyplot as plt
digits = load_digits()
print(digits.data[1].reshape((8,8))) #方法1
print(digits.images[1])#方法2
顯示10張圖片:
fig, ax = plt.subplots(
nrows=2,
ncols=5,
sharex=True,
sharey=True, )
ax = ax.flatten()
for i in range(10):
ax[i].imshow(digits.data[i].reshape((8,8)), cmap='Greys', interpolation='nearest')
plt.show()
相關推薦
sklearn中digits手寫字型資料集介紹
1. 匯入from sklearn import datasets digits = datasets.load_digits()2. 屬性檢視digits: bunch型別print digits.keys() ['images', 'data', 'target_nam
Tensorflow中MNIST手寫數字資料集
剛開始跑的程式碼還有錯誤,但是不知道為什麼再次執行就正確了,可能是新添加了input_data.py檔案,暫存記錄一下,等待深入研究 # -- coding: utf-8 -- import tensorflow as tf from tensorflow.example
MNIST手寫數字資料集的讀取,基於python3
MNIST 是一個入門級別的計算機視覺資料庫,也是機器學習領域最有名的資料集之一。當我們開始學習程式設計的時候,第一件事往往就是打“Hello world”。而在機器學習中,識別 MNIST 就相當於程式設計中的“Hello world”。 MNIST 中包含了
Mnist手寫數字資料集softmax識別
# -*- coding: utf-8 -*- # @Time : 2018/12/14 11:09 # @Author : WenZhao # @Email : [email protected] # @File : mnistSoftmax.py # @Softw
[TensorFlow深度學習入門]實戰九·用CNN做科賽網TibetanMNIST藏文手寫數字資料集準確率98%+
[TensorFlow深度學習入門]實戰九·用CNN做科賽網TibetanMNIST藏文手寫數字資料集準確率98.8%+ 我們在博文,使用CNN做Kaggle比賽手寫數字識別準確率99%+,在此基礎之上,我們進行對科賽網TibetanMNIST藏文手寫數字資料集訓練,來驗證網路的正確性。
MNIST手寫數字資料集
from torchvision import datasets, transforms # training parameters batch_size = 128 lr = 0.0002 train_epoch = 20 # data_loader img_size = 64 transfor
pytorch + visdom AutoEncode 和 VAE(Variational Autoencoder) 處理 手寫數字資料集(MNIST)
環境 系統:win10 cpu:i7-6700HQ gpu:gtx965m python : 3.6 pytorch :0.3 資料 使用 mnist,使用方法前面文章有。 train_dataset = da
TF之CNN:利用sklearn(自帶手寫圖片識別資料集)使用dropout解決學習中overfitting的問題+Tensorboard顯示變化曲線
import tensorflow as tf from sklearn.datasets import load_digits #from sklearn.cross_validation import train_test_split from sklearn.model_selection import
用Keras進行手寫字型識別(MNIST資料集)
資料 首先載入資料 from keras.datasets import mnist (train_images, train_labels), (test_images, test_labels) = mnist.load_data() 接下來,看
Tensorflow1.8用keras實現MNIST資料集手寫字型識別例程
import tensorflow as tf tf.enable_eager_execution() eager是新版本加入的動態圖,可以直接計算出結果而不用使用Session。同時也支援微分操作。 class DataLoader(): def __init_
Tensorflow1.8用keras實現MNIST資料集手寫字型識別例程(二)
class CNN(tf.keras.Model): def __init__(self): super().__init__() self.conv1 = tf.keras.layers.Conv2D( f
手寫字型識別 --MNIST資料集
Matlab 手寫字型識別 忙過這段時間後,對於上次讀取的Matlab內部資料實現的識別,我回味了一番,覺得那個實在太小。所以打算把資料換成[MNIST資料集][1]。 基礎思想還是相同的,使用TreeBagger(隨機森林)的演算法來訓練樣本,從而實現學習
利用python對mnist資料集中的0,1手寫字型進行二分類
1. 下載程式碼,通過點選連結(http://yann.lecun.com/exdb/mnist/),開啟頁面如下圖所示,下載對應MNIST手寫數字識別資料集,包括訓練集影象、訓練集標籤、測試集影象與測試集標籤四個部分。下載保存於指定位置。 2.分析資料集,進行預處
tensorflow 1.01中GAN(生成對抗網路)手寫字型生成例子(MINST)的測試
為了更好地掌握GAN的例子,從網上找了段程式碼進行跑了下,測試了效果。具體過程如下: 程式碼檔案如下: import tensorflow as tf from tensorflow.examples.tutorials.mnist import input_data i
matlab練習程序(神經網絡識別mnist手寫數據集)
sum else ref rate 標準 個數 權重矩陣 ros learn 記得上次練習了神經網絡分類,不過當時應該有些地方寫的還是不對。 這次用神經網絡識別mnist手寫數據集,主要參考了深度學習工具包的一些代碼。 mnist數據集訓練數據一共有28*28*6000
深度學習筆記2(手寫字型)
1、下載手寫字型 網址【1】 2、下載程式碼 網址【2】 3、執行程式碼 直接執行就可以了 參考網址: 【1】MNIST資料集官方網址為:http://yann.lecun.com/exdb/mnist/&nbs
令人耳目一新的20款英文手寫字型
如果你正在尋找有趣的英文,那你找對地方了。本文與大家分享一下,點選圖片即可下載。 1、英文Bobsmade手寫字型_TTF格式大小:581 KB下載地址:http://www.177347.com/view-98-51-0.html 2、英文精美的手繪字型包_TTF,OTF格式大小:366 KB下
全連接神經網絡實現識別手寫數據集MNIST
網絡 set com 系統開發 進制 識別 二進制 下載 style 全連接神經網絡實現識別手寫數據集MNIST MNIST是一個由美國由美國郵政系統開發的手寫數字識別數據集。手寫內容是0~9,一共有60000個圖片樣本,我們可以到MNIST官網免費下載。總共4個文件,該
用SVM(有核和無核函式)進行MNIST手寫字型的分類
1.普通SVM分類MNIST資料集 1 #匯入必備的包 2 import numpy as np 3 import struct 4 import matplotlib.pyplot as plt 5 import os 6 ##載入svm模型 7 from sklearn import
利用 sklearn SVM 分類器對 IRIS 資料集分類
利用 sklearn SVM 分類器對 IRIS 資料集分類 支援向量機(SVM)是一種最大化分類間隔的線性分類器(如果不考慮核函式)。通過使用核函式可以用於非線性分類。SVM 是一種判別模型,既適用於分類也適用於迴歸問題,標準的 SVM 是二分類器,可以採用 “one vs one”