【python代码】对图片进行数据增强(直方图均衡和加噪声)

文章目录

  • [1. 代码](#1. 代码)

1. 代码

python 复制代码
import os
import cv2
import albumentations as A
from tqdm import tqdm
from glob import glob
import numpy as np

# 方法1:加入噪声
trans2 = A.Compose([
    A.RandomBrightnessContrast(p=0.5),
    A.HueSaturationValue(p=0.5),
    A.OneOf([ A.AdvancedBlur(p=0.5),
                A.Blur(p=0.5),
                A.Defocus(p=0.5),
                A.GaussianBlur(p=0.5),
                A.GlassBlur(p=0.5),
                A.MedianBlur(p=0.5),
                A.MotionBlur(p=0.5),],p=1.0),
                A.GaussNoise(p=0.5),
    ])

# 方法2:直方图均衡化:对比度受限自适应直方图均衡
trans3 = A.Compose([
    A.CLAHE(p=1),  # 对比度受限自适应直方图均衡
    A.RandomGamma(p=0.5),])


def create_dir(path):
    if not os.path.exists(path):
        os.makedirs(path)

def load_data_aug(path):
    # todo:train imgs
    train_x = sorted(glob(os.path.join(path, "train/images", "*.png")))
    train_y = sorted(glob(os.path.join(path, "train/masks/0", "*.png")))

    # todo:val imgs
    val_x = sorted(glob(os.path.join(path, "val/images", "*.png")))
    val_y = sorted(glob(os.path.join(path, "val/masks/0", "*.png")))

    # test_x = sorted(glob(os.path.join(path, "test/images", "*.png")))
    # test_y = sorted(glob(os.path.join(path, "test/masks/0", "*.png")))
    return (train_x, train_y),  (val_x, val_y)

def augment_data(images, masks, save_path, augment=False):
    for idx, (x, y) in tqdm(enumerate(zip(images, masks)), total=len(images)):

        name = x.split("/")[-1].split(".")[0]
        img = cv2.imread(x)
        # img = cv2.cvtColor(img, cv2.COLOR_BGR2RGB)
        # img = img[:, 520:3368, :]   # 对图片进行裁剪

        # mask = cv2.imread(y, 0) # todo:将图像读取为单通道的灰度图像
        # mask = mask[:, 520:3368]    # 对图片进行裁剪
        mask = cv2.imread(y)
        
        # for i, m in zip(img, mask):
        #     print(i.shape)
        #     print(m.shape)


        transformed = trans3(image=img, mask=mask) # todo:select methods
        img= transformed['image']
        mask = transformed['mask']

        # img = trans3(image=img)['image']
        # i1 = cv2.resize(img, (512, 512))
        # m1 = cv2.resize(mask, (512, 512))


        tmp_image_name = f"{name}_trans3.png"  # todo:rename
        tmp_mask_name = f"{name}_trans3.png"   # todo:rename

        image_path = os.path.join(save_path, "images", tmp_image_name)
        mask_path = os.path.join(save_path, "masks", "0",  tmp_mask_name)

        cv2.imwrite(image_path, img, [int(cv2.IMWRITE_PNG_COMPRESSION), 0])
        cv2.imwrite(mask_path, mask, [int(cv2.IMWRITE_PNG_COMPRESSION), 0])

if __name__ == '__main__':
    root_path = 'path/to/数据集根目录'
    out_path ='path/to/保存路径(数据集根目录)'

    (train_x, train_y), (val_x, val_y) = load_data_aug(root_path)
    # print(train_x)
    # print(train_y)
    # print(test_x)
    # print(test_y)
    # create_dir(out_path + "/train/images/")
    # create_dir(out_path + "/train/masks/0")
    # create_dir(out_path + "/val/images/")
    # create_dir(out_path + "/val/masks/0")
    # create_dir(out_path + "/test/images/")
    # create_dir(out_path + "/test/masks/0")

    augment_data(train_x, train_y, out_path + "/train/", augment=False)

    augment_data(val_x, val_y, out_path + "/val/", augment=False)

    # augment_data(test_x, test_y, out_path + "/test/", augment=False)
相关推荐
浊酒南街1 小时前
决策树python实现代码1
python·算法·决策树
FreedomLeo12 小时前
Python机器学习笔记(十三、k均值聚类)
python·机器学习·kmeans·聚类
星光樱梦2 小时前
32. 线程、进程与协程
python
阿正的梦工坊2 小时前
深入理解 PyTorch 的 view() 函数:以多头注意力机制(Multi-Head Attention)为例 (中英双语)
人工智能·pytorch·python
西猫雷婶3 小时前
python学opencv|读取图像(十九)使用cv2.rectangle()绘制矩形
开发语言·python·opencv
liuxin334455663 小时前
学籍管理系统:实现教育管理现代化
java·开发语言·前端·数据库·安全
海绵波波1073 小时前
flask后端开发(10):问答平台项目结构搭建
后端·python·flask
码农W3 小时前
QT--静态插件、动态插件
开发语言·qt
ke_wu4 小时前
结构型设计模式
开发语言·设计模式·组合模式·简单工厂模式·工厂方法模式·抽象工厂模式·装饰器模式
赵谨言4 小时前
基于python网络爬虫的搜索引擎设计
爬虫·python·搜索引擎