当前位置:网站首页>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 :
边栏推荐
猜你喜欢
随机推荐
Functions and usage of serachview
字符串 - string(Lua)
[tpm2.0 principle and Application guide] Chapter 1-3
Face recognition attendance system based on Baidu flying plasma platform (easydl)
第3章业务功能开发(实现记住账号密码)
【信息安全法律法規】複習篇
[re understand the communication model] the application of reactor mode in redis and Kafka
LeetCode 515(C#)
Matplotlib绘制三维图形
【4500字归纳总结】一名软件测试工程师需要掌握的技能大全
数字化转型的主要工作
状态模式 - Unity(有限状态机)
Ansible 学习总结(9)—— Ansible 循环、条件判断、触发器、处理失败等任务控制使用总结
Please insert the disk into "U disk (H)" & unable to access the disk structure is damaged and cannot be read
Dateticket and timeticket, functions and usage of date and time selectors
责任链模式 - Unity
Notification is the notification displayed in the status bar of the phone
Show progress bar above window
仿今日头条APP顶部点击可居中导航
自动化测试:Robot FrameWork框架大家都想知道的实用技巧









