tensorflow入門:TFRecordDataset變長數(shù)據(jù)的batch讀取詳解
在上一篇文章tensorflow入門:tfrecord 和tf.data.TFRecordDataset的使用里,講到了使用如何使用tf.data.TFRecordDatase來對tfrecord文件進行batch讀取,即使用dataset的batch方法進行;但如果每條數(shù)據(jù)的長度不一樣(常見于語音、視頻、NLP等領(lǐng)域),則不能直接用batch方法獲取數(shù)據(jù),這時則有兩個解決辦法:
1.在把數(shù)據(jù)寫入tfrecord時,先把數(shù)據(jù)pad到統(tǒng)一的長度再寫入tfrecord;這個方法的問題在于:若是有大量數(shù)據(jù)的長度都遠遠小于最大長度,則會造成存儲空間的大量浪費。
2.使用dataset中的padded_batch方法來進行,參數(shù)padded_shapes #指明每條記錄中各成員要pad成的形狀,成員若是scalar,則用[],若是list,則用[mx_length],若是array,則用[d1,...,dn],假如各成員的順序是scalar數(shù)據(jù)、list數(shù)據(jù)、array數(shù)據(jù),則padded_shapes=([], [mx_length], [d1,...,dn]);該方法的函數(shù)說明如下:
padded_batch( batch_size, padded_shapes, padding_values=None #默認使用各類型數(shù)據(jù)的默認值,一般使用時可忽略該項 )
使用mnist數(shù)據(jù)來舉例說明,首先在把mnist寫入tfrecord之前,把mnist數(shù)據(jù)進行更改,以使得每個mnist圖像的大小不等,如下:
import tensorflow as tf from tensorflow.contrib.learn.python.learn.datasets.mnist import read_data_sets mnist = read_data_sets("MNIST_data/", one_hot=True) def get_tfrecords_example(feature, label): tfrecords_features = {} feat_shape = feature.shape tfrecords_features['feature'] = tf.train.Feature(float_list=tf.train.FloatList(value=feature)) tfrecords_features['shape'] = tf.train.Feature(int64_list=tf.train.Int64List(value=list(feat_shape))) tfrecords_features['label'] = tf.train.Feature(float_list=tf.train.FloatList(value=label)) return tf.train.Example(features=tf.train.Features(feature=tfrecords_features)) def make_tfrecord(data, outf_nm='mnist-train'): feats, labels = data outf_nm += '.tfrecord' tfrecord_wrt = tf.python_io.TFRecordWriter(outf_nm) ndatas = len(labels) print(feats[0].dtype, feats[0].shape, ndatas) assert len(labels[0]) > 1 for inx in range(ndatas): ed = random.randint(0,3) #隨機丟掉幾個數(shù)據(jù)點,以使長度不等 exmp = get_tfrecords_example(feats[inx][:-ed], labels[inx]) exmp_serial = exmp.SerializeToString() tfrecord_wrt.write(exmp_serial) tfrecord_wrt.close() import random nDatas = len(mnist.train.labels) inx_lst = range(nDatas) random.shuffle(inx_lst) random.shuffle(inx_lst) ntrains = int(0.85*nDatas) # make training set data = ([mnist.train.images[i] for i in inx_lst[:ntrains]], \ [mnist.train.labels[i] for i in inx_lst[:ntrains]]) make_tfrecord(data, outf_nm='mnist-train') # make validation set data = ([mnist.train.images[i] for i in inx_lst[ntrains:]], \ [mnist.train.labels[i] for i in inx_lst[ntrains:]]) make_tfrecord(data, outf_nm='mnist-val') # make test set data = (mnist.test.images, mnist.test.labels) make_tfrecord(data, outf_nm='mnist-test')
用dataset加載批量數(shù)據(jù),在解析數(shù)據(jù)時用到tf.VarLenFeature(tf.datatype),而非tf.FixedLenFeature([], tf.datatype)},且要配合tf.sparse_tensor_to_dense函數(shù)使用,如下:
import tensorflow as tf train_f, val_f, test_f = ['mnist-%s.tfrecord'%i for i in ['train', 'val', 'test']] def parse_exmp(serial_exmp): feats = tf.parse_single_example(serial_exmp, features={'feature':tf.VarLenFeature(tf.float32),\ 'label':tf.FixedLenFeature([10],tf.float32), 'shape':tf.FixedLenFeature([], tf.int64)}) image = tf.sparse_tensor_to_dense(feats['feature']) #使用VarLenFeature讀入的是一個sparse_tensor,用該函數(shù)進行轉(zhuǎn)換 label = tf.reshape(feats['label'],[2,5]) #把label變成[2,5],以說明array數(shù)據(jù)如何padding shape = tf.cast(feats['shape'], tf.int32) return image, label, shape def get_dataset(fname): dataset = tf.data.TFRecordDataset(fname) return dataset.map(parse_exmp) # use padded_batch method if padding needed epochs = 16 batch_size = 50 padded_shapes = ([784],[3,5],[]) #把image pad至784,把label pad至[3,5],shape是一個scalar,不輸入數(shù)字 # training dataset dataset_train = get_dataset(train_f) dataset_train = dataset_train.repeat(epochs).shuffle(1000).padded_batch(batch_size, padded_shapes=padded_shapes)
以上這篇tensorflow入門:TFRecordDataset變長數(shù)據(jù)的batch讀取詳解就是小編分享給大家的全部內(nèi)容了,希望能給大家一個參考,也希望大家多多支持腳本之家。
相關(guān)文章
Windows下安裝python2和python3多版本教程
這篇文章主要介紹下Windows(我用的Win10)環(huán)境下的python2.x 和 python3.x 的安裝,以及python2.x 與 python3.x 共存時的配置問題。2017-03-03關(guān)于Python字典(Dictionary)操作詳解
這篇文章主要介紹了關(guān)于Python字典(Dictionary)操作詳解,Python字典是另一種可變?nèi)萜髂P停铱纱鎯θ我忸愋蛯ο?,如字符串、?shù)字、元組等其他容器模型,需要的朋友可以參考下2023-04-04python利用openpyxl拆分多個工作表的工作簿的方法
這篇文章主要介紹了python利用openpyxl拆分多個工作表的工作簿的方法,文中通過示例代碼介紹的非常詳細,對大家的學習或者工作具有一定的參考學習價值,需要的朋友們下面隨著小編來一起學習學習吧2019-09-09詳解Open Folder as PyCharm Project怎么添加的方法
這篇文章主要介紹了詳解Open Folder as PyCharm Project怎么添加的方法,文中通過示例代碼介紹的非常詳細,對大家的學習或者工作具有一定的參考學習價值,需要的朋友們下面隨著小編來一起學習學習吧2020-12-12python opencv實現(xiàn)切變換 不裁減圖片
這篇文章主要為大家詳細介紹了python opencv實現(xiàn)切變換,不裁減圖片,具有一定的參考價值,感興趣的小伙伴們可以參考一下2018-07-07