做者 | Arseny Kravchenko
編譯 | ronghuaiyang
人是不完美的,咱們常常在軟件中犯錯誤。有時這些錯誤很容易發現:你的代碼根本不能工做,你的應用程序崩潰等等。可是有些bug是隱藏的,這使得它們更加危險。node
在解決深度學習問題時,因爲一些不肯定性,很容易出現這種類型的bug:很容易看到web應用程序路由請求是否正確,而不容易檢查你的梯度降低步驟是否正確。然而,有不少錯誤是能夠避免的。python
我想分享一些個人經驗,關於我在過去兩年的計算機視覺工做中看到或製造的錯誤。我以前有談到過這個話題,不少人告訴我:「是的,我也有不少這樣的bug。」我但願個人文章能夠幫助你至少避免其中的一些問題。git
假設在關鍵點檢測的問題上。數據看起來像一對圖像和一系列的關鍵點元組。其中每一個關鍵點是一對x和y座標。github
讓咱們對這個數據進行基礎的加強:web
def flip_img_and_keypoints(img: np.ndarray, kpts:
`Sequence[Sequence[int]]):`img = np.fliplr(img)
h, w,
`*_ = img.shape`kpts =
`[(y, w - x)`for y, x in kpts]
return img, kpts
看起來是正確的,嗯?咱們把它可視化。數組
image = np.ones((10,
`10), dtype=np.float32)`kpts =
`[(0,1),
(2,`2)]
image_flipped, kpts_flipped = flip_img_and_keypoints(image, kpts)
img1 = image.copy()
for y, x in kpts:
img1[y, x]
`=`0
img2 = image_flipped.copy()
for y, x in kpts_flipped:
img2[y, x]
`=`0
_ = plt.imshow(np.hstack((img1, img2)))
不對稱,看起來很奇怪!若是咱們檢查極值呢?安全
image = np.ones((10,
`10), dtype=np.float32)`kpts =
`[(0,0),
(1,`1)]
image_flipped, kpts_flipped = flip_img_and_keypoints(image, kpts)
img1 = image.copy()
for y, x in kpts:
img1[y, x]
`=`0
img2 = image_flipped.copy()
for y, x in kpts_flipped:
img2[y, x]
`=`0
---------------------------------------------------------------------------
IndexError
`Traceback`(most recent call last)
<ipython-input-5-997162463eae>
`in`<module>
8 img2 = image_flipped.copy()
9
`for y, x in kpts_flipped:`--->
`10 img2[y, x]=
0`IndexError: index 10
`is out of bounds for axis 1`with size 10
很差!這是一個典型的off-by-one錯誤。正確的代碼是這樣的:網絡
def flip_img_and_keypoints(img: np.ndarray, kpts:
`Sequence[Sequence[int]]):`img = np.fliplr(img)
h, w,
`*_ = img.shape`kpts =
`[(y, w - x -1)
for y, x in kpts]`return img, kpts
咱們經過可視化發現了這個問題,可是,使用「x = 0」點進行單元測試也會有所幫助。一個有趣的事實是:有一個團隊中有三我的(包括我本身)獨立地犯了幾乎相同的錯誤。數據結構
即便在上面的函數被修復以後,仍然存在危險。如今更多的是語義,而不只僅是一段代碼。架構
假設須要用兩隻手掌來加強圖像。看起來很安全:手是左,右翻轉。
可是等等!咱們對關鍵點的語義並不很瞭解。若是這個關鍵點的意思是這樣的:
kpts =
`[`(20,
`20),`# left pinky
(20,
`200),`# right pinky
...
]
這意味着加強實際上改變了語義:左變成右,右變成左,但咱們不交換數組中的關鍵點索引。它會給訓練帶來大量的噪音和更糟糕的度量。
咱們應該吸收一個教訓:
熟悉語義分割問題的人可能知道IoU指標。不幸的是,咱們不能直接用SGD來優化它,因此經常使用的方法是用可微損失函數來近似它。
def iou_continuous_loss(y_pred, y_true):
eps =
`1e-6`def _sum(x):
return x.sum(-1).sum(-1)
numerator =
`(_sum(y_true * y_pred)`+ eps)
denominator =
`(_sum(y_true 2)
+ _sum(y_pred `2)
- _sum(y_true * y_pred)
`+ eps)`return
`(numerator / denominator).mean()`看起來不錯,咱們先作個小的檢查:
In
`[3]: ones = np.ones((1,3,
10,`10))
...: x1 = iou_continuous_loss(ones *
`0.01, ones)`...: x2 = iou_continuous_loss(ones *
`0.99, ones)`In
`[4]: x1, x2`Out[4]:
`(0.010099999897990103,`0.9998990001020204)
在 x1
中,咱們計算了一些與ground truth徹底不一樣的東西的損失,而 x2
則是很是接近ground truth的東西的結果。咱們預計 x1
會很大,由於預測是錯誤的, x2
應該接近於零。怎麼了?
上面的函數是對metric的一個很好的近似。metric不是一種損失:它一般(包括這種狀況)越高越好。當咱們使用SGD來最小化損失時,咱們應該使用一些相反的東西:
def iou_continuous(y_pred, y_true):
eps =
`1e-6`def _sum(x):
return x.sum(-1).sum(-1)
numerator =
`(_sum(y_true * y_pred)`+ eps)
denominator =
`(_sum(y_true 2)
+ _sum(y_pred `2)
- _sum(y_true * y_pred)
`+ eps)`return
`(numerator / denominator).mean()`def iou_continuous_loss(y_pred, y_true):
return
`1`- iou_continuous(y_pred, y_true)
這些問題能夠從兩個方面來肯定:
假設有一個預先訓練好的模型,開始作infer。
from ceevee.base import
`AbstractPredictor`class
`MySuperPredictor(AbstractPredictor):`def __init__(self,
weights_path: str,
):
super().__init__()
self.model = self._load_model(weights_path=weights_path)
def process(self, x,
`*kw):`with torch.no_grad():
res = self.model(x)
return res
@staticmethod
def _load_model(weights_path):
model =
`ModelClass()`weights = torch.load(weights_path, map_location='cpu')
model.load_state_dict(weights)
return model
這個代碼正確嗎?也許!這確實適用於某些模型。例如,當模型沒有dropout或norm層,如 torch.nn.BatchNorm2d
。或者當模型須要爲每一個圖像使用實際的norm統計量時(例如,許多基於pix2pix的架構須要它)。
可是對於大多數計算機視覺應用程序來講,代碼忽略了一些重要的東西:切換到評估模式。
若是試圖將動態PyTorch圖轉換爲靜態PyTorch圖,這個問題很容易識別。 torch.jit
用於這種轉換。
In
`[3]: model = nn.Sequential(`...: nn.Linear(10,
`10),`...: nn.Dropout(.5)
...:
`)`...:
...: traced_model = torch.jit.trace(model, torch.rand(10))
/Users/Arseny/.pyenv/versions/3.6.6/lib/python3.6/site-packages/torch/jit/__init__.py:914:
`TracerWarning:Trace had nondeterministic nodes.
Did you forget call .eval() on your model?`Nodes:
%12
`:Float(10)
= aten::dropout(%input,%10,
%11), scope:Sequential/Dropout[1]
# /Users/Arseny/.pyenv/versions/3.6.6/lib/python3.6/site-packages/torch/nn/functional.py:806:0`This may cause errors in trace checking.
`To disable trace checking,`pass check_trace=False to torch.jit.trace()
check_tolerance, _force_outplace,
`True, _module_class)`/Users/Arseny/.pyenv/versions/3.6.6/lib/python3.6/site-packages/torch/jit/__init__.py:914:
`TracerWarning:Output nr 1\. of the traced function does not match the corresponding output of the Python function.
Detailed error:`Not within tolerance rtol=1e-05 atol=1e-05 at input[5]
`(0.0 vs.0.5454154014587402)
and`5 other locations (60.00%)
check_tolerance, _force_outplace,
`True, _module_class)`
簡單的修復一下:
In
`[4]: model = nn.Sequential(`...: nn.Linear(10,
`10),`...: nn.Dropout(.5)
...:
`)`...:
...: traced_model = torch.jit.trace(model.eval(), torch.rand(10))
# No more warnings!
在這種狀況下, torch.jit.trace
將模型運行幾回並比較結果。這裏的差異是可疑的。
然而 torch.jit.trace
在這裏不是萬能藥。這是一種應該知道和記住的細微差異。
不少東西都是成對存在的:訓練和驗證、寬度和高度、緯度和經度……
def make_dataloaders(train_cfg, val_cfg, batch_size):
train =
`Dataset.from_config(train_cfg)`val =
`Dataset.from_config(val_cfg)`shared_params =
`{'batch_size': batch_size,'shuffle':
True,`'num_workers': cpu_count()}
train =
`DataLoader(train,`**shared_params)
val =
`DataLoader(train,`**shared_params)
return train, val
不只僅是我犯了愚蠢的錯誤。例如,在很是流行的albumentations庫也有一個相似的版本。
# https://github.com/albu/albumentations/blob/0.3.0/albumentations/augmentations/transforms.py
def apply_to_keypoint(self, keypoint, crop_height=0, crop_width=0, h_start=0, w_start=0, rows=0, cols=0,
`**params):`keypoint = F.keypoint_random_crop(keypoint, crop_height, crop_width, h_start, w_start, rows, cols)
scale_x = self.width / crop_height
scale_y = self.height / crop_height
keypoint = F.keypoint_scale(keypoint, scale_x, scale_y)
return keypoint
別擔憂,已經修改好了。
如何避免?不要複製和粘貼代碼,儘可能以不須要複製和粘貼的方式編寫代碼。
【NO】
datasets =
`[]`data_a = get_dataset(MyDataset(config['dataset_a']), config['shared_param'], param_a)
datasets.append(data_a)
data_b = get_dataset(MyDataset(config['dataset_b']), config['shared_param'], param_b)
datasets.append(data_b)
【YES】
datasets =
`[]`for name, param in zip(('dataset_a',
`'dataset_b'),`(param_a, param_b),
):
datasets.append(get_dataset(MyDataset(config[name]), config['shared_param'], param))
讓咱們編寫一個新的加強
def add_noise(img: np.ndarray)
`-> np.ndarray:`mask = np.random.rand(*img.shape)
`+`.5
img = img.astype('float32')
`* mask`return img.astype('uint8')
圖像已被更改。這是咱們所指望的嗎?嗯,也許它改變得太多了。
這裏有一個危險的操做:將 float32
轉換爲 uint8
。它可能會致使溢出:
def add_noise(img: np.ndarray)
`-> np.ndarray:`mask = np.random.rand(*img.shape)
`+`.5
img = img.astype('float32')
`* mask`return np.clip(img,
`0,`255).astype('uint8')
img = add_noise(cv2.imread('two_hands.jpg')[:,
`:,`::-1])
_ = plt.imshow(img)
看起來好多了,是吧?
順便說一句,還有一種方法能夠避免這個問題:不要從新發明輪子,不要從頭開始編寫加強代碼並使用現有的擴展: albumentations.augmentations.transforms.GaussNoise
。
我曾經作過另外一個一樣起源的bug。
raw_mask = cv2.imread('mask_small.png')
mask = raw_mask.astype('float32')
`/`255
mask = cv2.resize(mask,
`(64,`64), interpolation=cv2.INTER_LINEAR)
mask = cv2.resize(mask,
`(128,`128), interpolation=cv2.INTER_CUBIC)
mask =
`(mask *`255).astype('uint8')
_ = plt.imshow(np.hstack((raw_mask, mask)))
這裏出了什麼問題?首先,用三次插值調整掩模的大小是一個壞主意。一樣的問題 float32
到 uint8
:三次插值能夠輸出值大於輸入,這會致使溢出。
我在作可視化的時候發現了這個問題。在你的訓練循環中處處放置斷言也是一個好主意。
假設須要對全卷積網絡(如語義分割問題)和一個巨大的圖像進行推理。該圖像是如此巨大,沒有機會把它放在你的GPU中,它能夠是一個醫療或衛星圖像。
在這種狀況下,能夠將圖像分割成網格,獨立地對每一塊進行推理,最後合併。此外,一些預測交叉可能有助於平滑邊界附近的artifacts。
from tqdm import tqdm
class
`GridPredictor:`"""
This class can be used to predict a segmentation mask for the big image
when you have GPU memory limitation
"""
def __init__(self, predictor:
`AbstractPredictor, size: int, stride:Optional[int]
=`None):
self.predictor = predictor
self.size = size
self.stride = stride if stride is
`notNone
else size //`2
def __call__(self, x: np.ndarray):
h, w, _ = x.shape
mask = np.zeros((h, w,
`1), dtype='float32')`weights = mask.copy()
for i in tqdm(range(0, h -
`1, self.stride)):`for j in range(0, w -
`1, self.stride):`a, b, c, d = i, min(h, i + self.size), j, min(w, j + self.size)
patch = x[a:b, c:d,
`:]`mask[a:b, c:d,
`:]+= np.expand_dims(self.predictor(patch),
-1)`weights[a:b, c:d,
`:]=
1`return mask / weights
有一個符號輸入錯誤,代碼段足夠大,能夠很容易地找到它。我懷疑僅僅經過代碼就能快速識別它。可是很容易檢查代碼是否正確:
class
`Model(nn.Module):`def forward(self, x):
return x.mean(axis=-1)
model =
`Model()`grid_predictor =
`GridPredictor(model, size=128, stride=64)`simple_pred = np.expand_dims(model(img),
`-1)`grid_pred = grid_predictor(img)
np.testing.assert_allclose(simple_pred, grid_pred, atol=.001)
---------------------------------------------------------------------------
AssertionError
`Traceback`(most recent call last)
<ipython-input-24-a72034c717e9>
`in`<module>
9 grid_pred = grid_predictor(img)
10
--->
`11 np.testing.assert_allclose(simple_pred, grid_pred, atol=.001)`~/.pyenv/versions/3.6.6/lib/python3.6/site-packages/numpy/testing/_private/utils.py in assert_allclose(actual, desired, rtol, atol, equal_nan, err_msg, verbose)
1513 header =
`'Not equal to tolerance rtol=%g, atol=%g'%
(rtol, atol)`1514 assert_array_compare(compare, actual, desired, err_msg=str(err_msg),
->
`1515 verbose=verbose, header=header, equal_nan=equal_nan)`1516
1517
~/.pyenv/versions/3.6.6/lib/python3.6/site-packages/numpy/testing/_private/utils.py in assert_array_compare(comparison, x, y, err_msg, verbose, header, precision, equal_nan, equal_inf)
839 verbose=verbose, header=header,
840 names=('x',
`'y'), precision=precision)`-->
`841raise
AssertionError(msg)`842
`except`ValueError:
843
`import traceback`AssertionError:
Not equal to tolerance rtol=1e-07, atol=0.001
Mismatch:
`99.6%`Max absolute difference:
`765.`Max relative difference:
`0.75000001`x: array([[[215.333333],
[192.666667],
[250.
`],...`y: array([[[
`215.33333],`[
`192.66667],`[
`250.`],...
下面是 __call__
方法的正確版本:
def __call__(self, x: np.ndarray):
h, w, _ = x.shape
mask = np.zeros((h, w,
`1), dtype='float32')`weights = mask.copy()
for i in tqdm(range(0, h -
`1, self.stride)):`for j in range(0, w -
`1, self.stride):`a, b, c, d = i, min(h, i + self.size), j, min(w, j + self.size)
patch = x[a:b, c:d,
`:]`mask[a:b, c:d,
`:]+= np.expand_dims(self.predictor(patch),
-1)`weights[a:b, c:d,
`:]+=
1`return mask / weights
若是你仍然不知道問題出在哪裏,請注意 weights[a:b,c:d,:]+=1
這一行。
當一我的須要進行轉移學習時,用訓練Imagenet時的方法將圖像歸一化一般是一個好主意。
讓咱們使用咱們已經熟悉的albumentations庫。
from albumentations import
`Normalize`norm =
`Normalize()`img = cv2.imread('img_small.jpg')
mask = cv2.imread('mask_small.png', cv2.IMREAD_GRAYSCALE)
mask = np.expand_dims(mask,
`-1)`# shape (64, 64) -> shape (64, 64, 1)
normed = norm(image=img, mask=mask)
img, mask =
`[normed[x]for x in
['image',`'mask']]
def img_to_batch(x):
x = np.transpose(x,
`(2,0,
1)).astype('float32')`return torch.from_numpy(np.expand_dims(x,
`0))`img, mask = map(img_to_batch,
`(img, mask))`criterion = F.binary_cross_entropy
如今是時候訓練一個網絡並對單個圖像進行過分擬合了——正如我所提到的,這是一種很好的調試技術:
model_a =
`UNet(3,`1)
optimizer = torch.optim.Adam(model_a.parameters(), lr=1e-3)
losses =
`[]`for t in tqdm(range(20)):
loss = criterion(model_a(img), mask)
losses.append(loss.item())
optimizer.zero_grad()
loss.backward()
optimizer.step()
_ = plt.plot(losses)
曲率看起來很好,可是交叉熵的損失值-300是不可預料的。是什麼問題?
歸一化處理圖像效果很好,可是mask沒有:須要手動縮放到 [0,1]
。
model_b =
`UNet(3,`1)
optimizer = torch.optim.Adam(model_b.parameters(), lr=1e-3)
losses =
`[]`for t in tqdm(range(20)):
loss = criterion(model_b(img), mask /
`255.)`losses.append(loss.item())
optimizer.zero_grad()
loss.backward()
optimizer.step()
_ = plt.plot(losses)
訓練循環的簡單運行時斷言(例如 assertmask.max()<=1
會很快檢測到問題。一樣,也能夠是單元測試。