pytorch 把MNIST數(shù)據(jù)集轉(zhuǎn)換成圖片和txt的方法
本文介紹了pytorch 把MNIST數(shù)據(jù)集轉(zhuǎn)換成圖片和txt的方法,分享給大家,具體如下:
1.下載Mnist 數(shù)據(jù)集
import os # third-party library import torch import torch.nn as nn from torch.autograd import Variable import torch.utils.data as Data import torchvision import matplotlib.pyplot as plt # torch.manual_seed(1) # reproducible DOWNLOAD_MNIST = False # Mnist digits dataset if not(os.path.exists('./mnist/')) or not os.listdir('./mnist/'): # not mnist dir or mnist is empyt dir DOWNLOAD_MNIST = True train_data = torchvision.datasets.MNIST( root='./mnist/', train=True, # this is training data transform=torchvision.transforms.ToTensor(), # Converts a PIL.Image or numpy.ndarray to # torch.FloatTensor of shape (C x H x W) and normalize in the range [0.0, 1.0] download=DOWNLOAD_MNIST, )
下載下來的其實可以直接用了,但是我們這邊想把它們轉(zhuǎn)換成圖片和txt,這樣好看些,為后面用自己的圖片和txt作為準備
2. 保存為圖片和txt
import os from skimage import io import torchvision.datasets.mnist as mnist import numpy root = "./mnist/raw/" train_set = ( mnist.read_image_file(os.path.join(root, 'train-images-idx3-ubyte')), mnist.read_label_file(os.path.join(root, 'train-labels-idx1-ubyte')) ) test_set = ( mnist.read_image_file(os.path.join(root,'t10k-images-idx3-ubyte')), mnist.read_label_file(os.path.join(root,'t10k-labels-idx1-ubyte')) ) print("train set:", train_set[0].size()) print("test set:", test_set[0].size()) def convert_to_img(train=True): if(train): f = open(root + 'train.txt', 'w') data_path = root + '/train/' if(not os.path.exists(data_path)): os.makedirs(data_path) for i, (img, label) in enumerate(zip(train_set[0], train_set[1])): img_path = data_path + str(i) + '.jpg' io.imsave(img_path, img.numpy()) int_label = str(label).replace('tensor(', '') int_label = int_label.replace(')', '') f.write(img_path + ' ' + str(int_label) + '\n') f.close() else: f = open(root + 'test.txt', 'w') data_path = root + '/test/' if (not os.path.exists(data_path)): os.makedirs(data_path) for i, (img, label) in enumerate(zip(test_set[0], test_set[1])): img_path = data_path + str(i) + '.jpg' io.imsave(img_path, img.numpy()) int_label = str(label).replace('tensor(', '') int_label = int_label.replace(')', '') f.write(img_path + ' ' + str(int_label) + '\n') f.close() convert_to_img(True) convert_to_img(False)
以上就是本文的全部內(nèi)容,希望對大家的學(xué)習(xí)有所幫助,也希望大家多多支持腳本之家。
相關(guān)文章
Python3使用xlrd、xlwt處理Excel方法數(shù)據(jù)
這篇文章主要介紹了Python3使用xlrd、xlwt處理Excel方法數(shù)據(jù),文中通過示例代碼介紹的非常詳細,對大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價值,需要的朋友們下面隨著小編來一起學(xué)習(xí)學(xué)習(xí)吧2020-02-02用Python監(jiān)控NASA TV直播畫面的實現(xiàn)步驟
本文分享一個名為"Spacestills"的開源程序,它可以用于查看 NASA TV 的直播畫面(靜止幀)2021-05-05詳解python實現(xiàn)讀取郵件數(shù)據(jù)并下載附件的實例
這篇文章主要介紹了詳解python讀取郵件數(shù)據(jù)并下載附件的實例的相關(guān)資料,這里提供實現(xiàn)實例,幫助大家學(xué)習(xí)理解這部分內(nèi)容,需要的朋友可以參考下2017-08-0812個Pandas/NumPy中的加速函數(shù)使用總結(jié)
在本文中,數(shù)據(jù)和分析工程師?Kunal?Dhariwal?為我們介紹了?12?種?Numpy?和?Pandas?函數(shù),這些高效的函數(shù)會令數(shù)據(jù)分析更為容易、便捷2022-09-09python神經(jīng)網(wǎng)絡(luò)編程實現(xiàn)手寫數(shù)字識別
這篇文章主要為大家詳細介紹了python神經(jīng)網(wǎng)絡(luò)編程實現(xiàn)手寫數(shù)字識別,文中示例代碼介紹的非常詳細,具有一定的參考價值,感興趣的小伙伴們可以參考一下2020-05-05Python實現(xiàn)識別手寫數(shù)字 簡易圖片存儲管理系統(tǒng)
這篇文章主要為大家詳細介紹了Python實現(xiàn)識別手寫數(shù)字,簡易圖片存儲管理系統(tǒng),具有一定的參考價值,感興趣的小伙伴們可以參考一下2018-01-01