torch 中各種圖像格式轉(zhuǎn)換的實(shí)現(xiàn)方法
- PIL:使用python自帶圖像處理庫讀取出來的圖片格式
- numpy:使用python-opencv庫讀取出來的圖片格式
- tensor:pytorch中訓(xùn)練時(shí)所采取的向量格式(當(dāng)然也可以說圖片)
PIL與Tensor相互轉(zhuǎn)換
import torch from PIL import Image import matplotlib.pyplot as plt # loader使用torchvision中自帶的transforms函數(shù) loader = transforms.Compose([ transforms.ToTensor()]) unloader = transforms.ToPILImage() # 輸入圖片地址 # 返回tensor變量 def image_loader(image_name): image = Image.open(image_name).convert('RGB') image = loader(image).unsqueeze(0) return image.to(device, torch.float) # 輸入PIL格式圖片 # 返回tensor變量 def PIL_to_tensor(image): image = loader(image).unsqueeze(0) return image.to(device, torch.float) # 輸入tensor變量 # 輸出PIL格式圖片 def tensor_to_PIL(tensor): image = tensor.cpu().clone() image = image.squeeze(0) image = unloader(image) return image #直接展示tensor格式圖片 def imshow(tensor, title=None): image = tensor.cpu().clone() # we clone the tensor to not do changes on it image = image.squeeze(0) # remove the fake batch dimension image = unloader(image) plt.imshow(image) if title is not None: plt.title(title) plt.pause(0.001) # pause a bit so that plots are updated #直接保存tensor格式圖片 def save_image(tensor, **para): dir = 'results' image = tensor.cpu().clone() # we clone the tensor to not do changes on it image = image.squeeze(0) # remove the fake batch dimension image = unloader(image) if not osp.exists(dir): os.makedirs(dir) image.save('results_{}/s{}-c{}-l{}-e{}-sl{:4f}-cl{:4f}.jpg' .format(num, para['style_weight'], para['content_weight'], para['lr'], para['epoch'], para['style_loss'], para['content_loss']))
numpy 與 tensor相互轉(zhuǎn)換
import cv2 import torch import matplotlib.pyplot as plt def toTensor(img): assert type(img) == np.ndarray,'the img type is {}, but ndarry expected'.format(type(img)) img = cv2.cvtColor(img, cv2.COLOR_BGR2RGB) img = torch.from_numpy(img.transpose((2, 0, 1))) return img.float().div(255).unsqueeze(0) # 255也可以改為256 def tensor_to_np(tensor): img = tensor.mul(255).byte() img = img.cpu().numpy().squeeze(0).transpose((1, 2, 0)) return img def show_from_cv(img, title=None): img = cv2.cvtColor(img, cv2.COLOR_BGR2RGB) plt.figure() plt.imshow(img) if title is not None: plt.title(title) plt.pause(0.001) def show_from_tensor(tensor, title=None): img = tensor.clone() img = tensor_to_np(img) plt.figure() plt.imshow(img) if title is not None: plt.title(title) plt.pause(0.001)
N張圖片一起轉(zhuǎn)換.
# 將 N x H x W X C 的numpy格式圖片轉(zhuǎn)化為相應(yīng)的tensor格式 def toTensor(img): img = torch.from_numpy(img.transpose((0, 3, 1, 2))) return img.float().div(255).unsqueeze(0)
參考:http://www.dbjr.com.cn/article/177291.htm
以上就是本文的全部內(nèi)容,希望對(duì)大家的學(xué)習(xí)有所幫助,也希望大家多多支持腳本之家。
相關(guān)文章
Python使用Matplotlib實(shí)現(xiàn)Logos設(shè)計(jì)代碼
這篇文章主要介紹了Python使用Matplotlib實(shí)現(xiàn)Logos設(shè)計(jì)代碼,具有一定借鑒價(jià)值,需要的朋友可以參考下。2017-12-12python程序快速縮進(jìn)多行代碼方法總結(jié)
在本篇文章里小編給大家整理了關(guān)于python程序如何快速縮進(jìn)多行代碼的相關(guān)知識(shí)點(diǎn),需要的朋友們學(xué)習(xí)下。2019-06-06通過Django Admin+HttpRunner1.5.6實(shí)現(xiàn)簡易接口測(cè)試平臺(tái)
這篇文章主要介紹了通過Django Admin+HttpRunner1.5.6實(shí)現(xiàn)簡易接口測(cè)試平臺(tái),文中通過示例代碼介紹的非常詳細(xì),對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,需要的朋友可以參考下2020-11-11詳解Python安裝tesserocr遇到的各種問題及解決辦法
這篇文章主要介紹了詳解Python安裝tesserocr遇到的各種問題及解決辦法,文中通過示例代碼介紹的非常詳細(xì),對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,需要的朋友們下面隨著小編來一起學(xué)習(xí)學(xué)習(xí)吧2019-03-03神經(jīng)網(wǎng)絡(luò)(BP)算法Python實(shí)現(xiàn)及應(yīng)用
這篇文章主要為大家詳細(xì)介紹了Python實(shí)現(xiàn)神經(jīng)網(wǎng)絡(luò)(BP)算法及簡單應(yīng)用,具有一定的參考價(jià)值,感興趣的小伙伴們可以參考一下2018-04-04Django 項(xiàng)目重命名的實(shí)現(xiàn)步驟解析
這篇文章主要介紹了Django 項(xiàng)目重命名的實(shí)現(xiàn)步驟,文中通過示例代碼介紹的非常詳細(xì),對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,需要的朋友可以參考下2019-08-08