当前位置:网站首页>Self made dataset in pytoch for dataset rewriting
Self made dataset in pytoch for dataset rewriting
2022-07-07 17:41:00 【AI cannon fodder】
Through the last blog post , We can get the data of the file as follows :
So the process of self-made dataset is as follows :
(1) Generate csv perhaps txt file
See my last blog : Deep learning - Make your own dataset _AI Cannon fodder blog -CSDN Blog
(2) rewrite Dataset
(3) Generate DataLoader()
(4) Iterative data
(2)(3)(4) The complete code of step is as follows ;
import pandas as pd
from torch.utils.data import Dataset, DataLoader, random_split
from torchvision import transforms
import cv2 as cv
class diff_motion_dataset(Dataset):
def __init__(self, dataset_dir, csv_path, resize_shape): # After initialization, the initialization function will call itself
# init Methods generally need to write data transformer、 Basic parameters of data
self.dataset_dir = dataset_dir
self.csv_path = csv_path
self.shape = resize_shape
# Read our generated csv file
self.df = pd.read_csv(self.csv_path, encoding='utf-8')
self.transformer = transforms.Compose([
transforms.Resize(self.shape),
transforms.ToTensor(), # hold PIL nucleus np.array Convert images in format to Tensor
])
def __len__(self): # Return data size
return len(self.df)
def __getitem__(self, idx): # getitem, idx = index Is the subscript of the data sample . Special reminder: first list filename and label Take it out and proceed idx Read in sequence, otherwise an error will be reported
x_train = cv.imread(self.df['filepath'][idx]) # Read idx That's ok ,filename Columns of data ( That is, all images ), And then into transformer Inside , It will process the image resize and toTensor
y_train = self.df['label'][idx] # traindataLoader It will automatically turn label Turn into tensor
return x_train, y_train # A single piece of data is returned, not df All the data in it
data_ds = diff_motion_dataset("F:/reshape_images", "F:/reshape_images/motion_data.csv", (256, 256))
# print(len(data_ds))
# Data partitioning
num_sample = len(data_ds)
train_percent = 0.8
train_num = int(train_percent*num_sample)
test_num = num_sample - train_num
train_ds, test_ds = random_split(data_ds, [train_num, test_num])
# print(len(train_ds))
# 3. Generate DataLoader(). Make the data iteratable , Secondly, the data can be divided into many batch as well as shuffer、nun_worker Multithreading
train_dl = DataLoader(train_ds, batch_size=4, shuffle=True)
test_dl = DataLoader(test_ds, batch_size=4, shuffle=True)
# # Iterative data
for x_train, y_train in iter(train_dl):
print(x_train.shape)
print(y_train.shape)
break
If you need self-defined model for self-made data set training , Call the defined model as follows :
Different formats are the production and loading of data sets, as shown in :
边栏推荐
猜你喜欢
随机推荐
测试3个月,成功入职 “字节”,我的面试心得总结
Function and usage of numberpick
本周小贴士#141:注意隐式转换到bool
serachview的功能和用法
【TPM2.0原理及应用指南】 1-3章
<代码随想录二刷>链表
LeetCode 535(C#)
actionBar 导航栏学习
L1-019 谁先倒(Lua)
使用Stace排除故障的5种简单方法
大笨钟(Lua)
【网络攻防原理与技术】第7章:口令攻击技术 第8章:网络监听技术
第1章CRM核心业务介绍
Vscode three configuration files about C language
无法链接远程redis服务器(解决办法百分百)
第3章业务功能开发(用户登录)
【分布式理论】(一)分布式事务
Dateticket and timeticket, functions and usage of date and time selectors
机器人工程终身学习和工作计划-2022-
Toast will display a simple prompt message on the program interface