CV-数据读取与数据扩增

2020-05-18  本文已影响0人  一技破万法

首先考虑使用[定长字符识别]思路来构建模型。

1. 图像读取

1.1 Pillow
from PIL import Image
#读取图像
im = Image.open('cat.jpg')
#应用滤镜(模糊)
im2 = im.filter(ImageFilter.BLUR)
im2.save('blur.jpg','jpeg')
#图像缩放
im.thumbnail((w//2, h//2))
im.save('thumbnail.jpg', 'jpeg')
im.show()

Pillow官方文档

1.2 OpenCV
import cv2
img = cv2.imread('cat.jpg')
#创建一个窗口
cv2.namedWindow("image")
#OpenCV默认颜色通道是BRG
img = cv2.cvtColor(img,cv2.COLOR_BGR2RGB)
#转为灰度图
img = cv2.cvtColor(img,cv2.COLOR_BGR2GRAY)
#Canny边缘检测
edges = cv2.Canny(img, 30, 70)
cv2.imwrite('canny.jpg', edges)
cv2.imshow("image",img)
cv2.waitKey(0)

OpenCV官网
OpenCV扩展算法库

2. 数据扩增

增加训练集样本,有效缓解模型过拟合的情况,给模型带来更强的泛化能力。

2.1 常用数据扩增方法
torchvision中常用的数据扩增方法
2.2 数据扩增库

https://github.com/pytorch/vision
pytorch官方提供的数据扩增库,提供了基本的数据数据扩增方法,可以无缝与torch进行集成;但数据扩增方法种类较少,且速度中等;

https://github.com/aleju/imgaug
imgaug是常用的第三方数据扩增库,提供了多样的数据扩增方法,且组合起来非常方便,速度较快;

https://albumentations.readthedocs.io
是常用的第三方数据扩增库,提供了多样的数据扩增方法,对图像分类、语义分割、物体检测和关键点检测都支持,速度较快。

3. pytorch读取数据

Pytorch中数据是通过Dateset进行封装,并通过DataLoder进行并行读取。

import os, sys, glob, shutil, json
import cv2

from PIL import Image
import numpy as np

import torch
from torch.utils.data.dataset import Dataset
import torchvision.transforms as transforms

class SVHNDataset(Dataset):
    def __init__(self, img_path, img_label, transform=None):
        self.img_path = img_path
        self.img_label = img_label 
        if transform is not None:
            self.transform = transform
        else:
            self.transform = None

    def __getitem__(self, index):
        img = Image.open(self.img_path[index]).convert('RGB')

        if self.transform is not None:
            img = self.transform(img)
        
        # 原始SVHN中类别10为数字0
        lbl = np.array(self.img_label[index], dtype=np.int)
        lbl = list(lbl)  + (5 - len(lbl)) * [10]
        
        return img, torch.from_numpy(np.array(lbl[:5]))

    def __len__(self):
        return len(self.img_path)

train_path = glob.glob('../input/train/*.png')
train_path.sort()
train_json = json.load(open('../input/train.json'))
train_label = [train_json[x]['label'] for x in train_json]

data = SVHNDataset(train_path, train_label,
          transforms.Compose([
              # 缩放到固定尺寸
              transforms.Resize((64, 128)),

              # 随机颜色变换
              transforms.ColorJitter(0.2, 0.2, 0.2),

              # 加入随机旋转
              transforms.RandomRotation(5),

              # 将图片转换为pytorch 的tesntor
              # transforms.ToTensor(),

              # 对图像像素进行归一化
              # transforms.Normalize([0.485,0.456,0.406],[0.229,0.224,0.225])
            ]))

加入DataLoader之后,数据批次获取,每批次调用Dataset读取单个样本进行拼接。此时data格式为:torch.Size([10, 3, 64, 128])
torch.Size([10, 5])
前面是图像文件,内容分别是batch_size、chennal、height、width;后面是字符标签。

上一篇下一篇

猜你喜欢

热点阅读