fastai中的自编码器

5
我正在尝试使用fast.ai版本1.0.52构建自编码器,并且正在努力将标签设置为等于原始图像。我正在遵循此博客文章:https://alanbertl.com/autoencoder-with-fast-ai/。我用ImageList替换了原始代码中的ImageItemList,因为它在最新的fastai版本中已被更改。
%reload_ext autoreload
%autoreload 2
%matplotlib inline

from fastai.imports import *
from fastai.vision import *
from fastai.data_block import *
from fastai.basic_train import *

import pandas as pd

x = np.random.randint(256, size=(1000, 16384))
x = x/255
x = x.reshape(-1,128,128)
x = np.stack([x,x,x],1)
x.shape

class ArraysImageList(ImageList,FloatList):
    def __init__(self, items:Iterator, log:bool=False, **kwargs):
        if isinstance(items, ItemList):
            items = items.items
        super(FloatList,self).__init__(items,**kwargs)

    def get(self,i):
        return Tensor(super(FloatList,self).get(i).astype('float32'))

x_il = ArraysImageList(x)
x_ils = x_il.split_by_rand_pct()
lls = x_ils.label_from_lists(x_ils.train, x_ils.valid)

这是我得到的错误消息。

---------------------------------------------------------------------------
RuntimeError                              Traceback (most recent call last)
<ipython-input-33-cbada9e18af9> in <module>
----> 1 lls = x_ils.label_from_lists(x_ils.train, x_ils.valid)

~/.local/lib/python3.6/site-packages/fastai/data_block.py in label_from_lists(self, train_labels, valid_labels, label_cls, **kwargs)
    484         self.valid = self.valid._label_list(x=self.valid, y=self.train.y.new(valid_labels, **kwargs))
    485         self.__class__ = LabelLists
--> 486         self.process()
    487         return self
    488 

~/.local/lib/python3.6/site-packages/fastai/data_block.py in process(self)
    520         "Process the inner datasets."
    521         xp,yp = self.get_processors()
--> 522         for ds,n in zip(self.lists, ['train','valid','test']): ds.process(xp, yp, name=n)
    523         #progress_bar clear the outputs so in some case warnings issued during processing disappear.
    524         for ds in self.lists:

~/.local/lib/python3.6/site-packages/fastai/data_block.py in process(self, xp, yp, name)
    683     def process(self, xp:PreProcessor=None, yp:PreProcessor=None, name:str=None):
    684         "Launch the processing on `self.x` and `self.y` with `xp` and `yp`."
--> 685         self.y.process(yp)
    686         if getattr(self.y, 'filter_missing_y', False):
    687             filt = array([o is None for o in self.y.items])

~/.local/lib/python3.6/site-packages/fastai/data_block.py in process(self, processor)
     73         if processor is not None: self.processor = processor
     74         self.processor = listify(self.processor)
---> 75         for p in self.processor: p.process(self)
     76         return self
     77 

~/.local/lib/python3.6/site-packages/fastai/data_block.py in process(self, ds)
    334 
    335     def process(self, ds):
--> 336         if self.classes is None: self.create_classes(self.generate_classes(ds.items))
    337         ds.classes = self.classes
    338         ds.c2i = self.c2i

~/.local/lib/python3.6/site-packages/fastai/data_block.py in generate_classes(self, items)
    391         for c in items: classes = classes.union(set(c))
    392         classes = list(classes)
--> 393         classes.sort()
    394         return classes
    395 

RuntimeError: bool value of Tensor with more than one value is ambiguous

最终,我希望使用包含图像路径的数据框架读取图像。因此,我也尝试了以下方法:

import sklearn

cv = sklearn.model_selection.GroupKFold(n_splits=5)
train_inds, valid_inds = next(cv.split(iso_image_df.group, groups=iso_image_df.group))

img_lists = (ImageList.from_df(iso_image_df, resized_img_path, cols=0).split_by_idxs(train_inds, valid_inds))
src = img_lists.label_from_lists(img_lists.train, img_lists.valid)

data = (src.databunch(bs = 32).normalize(imagenet_stats))

data.show_batch(rows=3, figsize=(10, 10))

我在这里收到以下错误消息:

---------------------------------------------------------------------------
AttributeError                            Traceback (most recent call last)
<ipython-input-146-2514de511e64> in <module>
----> 1 data.show_batch(rows=3, figsize=(10, 10))

~/.local/lib/python3.6/site-packages/fastai/basic_data.py in show_batch(self, rows, ds_type, reverse, **kwargs)
    190         #TODO: get rid of has_arg if possible
    191         if has_arg(self.train_ds.y.reconstruct, 'x'):
--> 192             ys = [self.train_ds.y.reconstruct(grab_idx(y, i), x=x) for i,x in enumerate(xs)]
    193         else : ys = [self.train_ds.y.reconstruct(grab_idx(y, i)) for i in range(n_items)]
    194         self.train_ds.x.show_xys(xs, ys, **kwargs)

~/.local/lib/python3.6/site-packages/fastai/basic_data.py in <listcomp>(.0)
    190         #TODO: get rid of has_arg if possible
    191         if has_arg(self.train_ds.y.reconstruct, 'x'):
--> 192             ys = [self.train_ds.y.reconstruct(grab_idx(y, i), x=x) for i,x in enumerate(xs)]
    193         else : ys = [self.train_ds.y.reconstruct(grab_idx(y, i)) for i in range(n_items)]
    194         self.train_ds.x.show_xys(xs, ys, **kwargs)

~/.local/lib/python3.6/site-packages/fastai/data_block.py in reconstruct(self, t, x)
     89     def reconstruct(self, t:Tensor, x:Tensor=None):
     90         "Reconstruct one of the underlying item for its data `t`."
---> 91         return self[0].reconstruct(t,x) if has_arg(self[0].reconstruct, 'x') else self[0].reconstruct(t)
     92 
     93     def new(self, items:Iterator, processor:PreProcessors=None, **kwargs)->'ItemList':

AttributeError: 'Image' object has no attribute 'reconstruct'

非常感谢您的帮助!


你能详细解释一下你想做什么以及你有哪些数据集吗? - Tree
我也遇到了同样的问题,如果我找到任何解决方法,我会告诉你。 - Vlad Ilie
1个回答

2

lls被用于创建数据包。

我看了一下,鉴于fastai库中的API更改,我创建了数据包,而没有使用导致错误的lls

最初的回答:

bs = 64
db = (ImageImageList.from_folder(mnist)
        .split_by_folder()          
        .label_from_func(get_y_fn)
        .databunch(bs=bs,num_workers=4))

编辑:你需要获取get_y_fn;它非常简单定义

最初的回答:

def get_y_fn(x): return x
<最初的回答>

lls在任何其他地方都没有被使用。

这应该可以解决你的问题,如果有效,请告诉我。


网页内容由stack overflow 提供, 点击上面的
可以查看英文原文,
原文链接