- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在尝试使用 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'
最佳答案
lls
正在用于创建数据束。
我查看了它并给出了 fastai libs 中的 API 更改,我在不使用 lls
的情况下创建了数据束。导致错误的原因:
bs = 64
db = (ImageImageList.from_folder(mnist)
.split_by_folder()
.label_from_func(get_y_fn)
.databunch(bs=bs,num_workers=4))
def get_y_fn(x): return x
lls
无论如何都不用于其他任何事情
关于fastai 中的自动编码器,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/56196372/
我正在尝试使用 fast.ai 版本 1.0.52 构建一个自动编码器,并且正在努力解决如何将标签设置为与原始图像相等的问题。我曾是 关注此博文:https://alanbertl.com/autoe
我之前用过 Keras,然后我用这种方式绘制了数据集的训练和验证准确率—— plt.plot(history.history['accuracy']) plt.plot(history.history
我目前正在探索如何使用 fastai 将 Dice 度量应用于多类分割问题。我查了一下概念,发现 Dice 和 F1Score 确实很相似。接下来,我有两个关于其实现的问题 fastai.metric
我正在使用以下代码在 fastai 中绘制混淆矩阵: interp = ClassificationInterpretation.from_learner(learn) interp.plot_con
FastAI 使用 AWD-LSTM 进行文本处理。他们提供预训练模型 get_language_model() .但是我找不到有关可用内容的适当文档。 他们的 github example page
我正在尝试复制这个 kaggle 笔记本 https://www.kaggle.com/tanlikesmath/diabetic-retinopathy-with-resnet50-oversamp
我正在尝试使用 fastai 来找出我的神经网络的最佳学习率。其他一切都工作正常,我只是没有完全达到我想要的准确性。所以我尝试使用以下代码行来优化我的学习率: learn.lr_find() lear
菜鸟在这里。 这是我正在处理的数据集 https://www.kaggle.com/arpitjain007/game-of-deep-learning-ship-datasets 我正在使用 fas
拜托,我正在开发一个图像分割项目,我使用了 fastai 库(特别是unet_learner)。我已经训练了我的模型,一切都很好,这是我的代码(在训练阶段): #codes = np.loadtxt(
如何在 PyTorch 上使用 fastai 实现加载预训练模型?就像在 SkLearn 中一样,我可以使用 pickle 将模型转储到文件中,然后加载并稍后使用。在像下面这样声明学习实例后,我使用了
我正在 zindi plateform 上进行比赛,他们使用这个挑战的评估指标作为 Log Loss。 所以我正在使用 fastai 库,我想要度量日志损失..我没有在这个库中找到 LogLoss 作
我正在尝试在我的 Windows 10 中安装 fastai。 我的笔记本电脑没有 GPU,我在 cmd 中使用 pip 安装 fastai。 在 pip page ,他们提到在安装 fastai 之
我正在使用 fastai 和 pytorch 从 huggingface 微调 XLMRoberta。我已经训练了模型,并且在我训练它的机器上一切正常。 但是当我尝试在另一台机器上加载模型时,我得到
我已经浏览网页几个小时来为我找到解决方案,我相信这可能是一个非常小的问题。 我在语言模型启动的最初步骤中使用了 fastai 的句子处理器 (SPProcesor)。 我的这些步骤的代码如下所示: b
两天前,我在 google colab 上使用 fastai 0.7.0 运行了我的模型。两天来我很忙,现在如果我尝试运行它,它会在执行该行时向我抛出一个错误*“来自 fastai.transform
我正在尝试运行 fastai v3 类(class)的 jupyter 笔记本。我的系统有 ubuntu 16.04 。这是我所做的: 已安装 Python 安装 Anaconda 冉 con
我能够使用快速人工智能微调语言模型。我想从句子相似度的微调模型中提取句子嵌入。如何获取编码器模型嵌入?嵌入也可以与其他模型(例如 USE)的嵌入一样与点积进行比较吗? data_lm = TextLM
我之前使用 fastai 库训练了 resnet34 模型,并保存了weights.h5 文件。使用最新版本的 fastai,我是否仍然需要非空训练和有效文件夹才能导入我的学习器并在测试集上进行预测?
我目前正在尝试使用命令 conda install -c fastai fastai 在 conda 环境中安装 fastai如安装所示guide .这是运行该命令时出现的内容: (fastai) C
我似乎无法安装正确版本的 torch,也无法使快速 ai 库正常工作 我试试 python 3.7 pip3 install https://download.pytorch.org/whl/cu10
我是一名优秀的程序员,十分优秀!