博客專欄

EEPW首頁 > 博客 > 各種 AI 數(shù)據(jù)增強方法,都在這兒了

各種 AI 數(shù)據(jù)增強方法,都在這兒了

發(fā)布人:AI科技大本營 時間:2021-03-21 來源:工程師 發(fā)布文章

以下文章來源于算法進階 ,作者算法進階

數(shù)據(jù)、算法、算力是人工智能發(fā)展的三要素。數(shù)據(jù)決定了Ai模型學習的上限,數(shù)據(jù)規(guī)模越大、質(zhì)量越高,模型就能夠擁有更好的泛化能力。

然而在實際工程中,經(jīng)常有數(shù)據(jù)量太少(相對模型而言)、樣本不均衡、很難覆蓋全部的場景等問題,解決這類問題的一個有效途徑是通過數(shù)據(jù)增強(Data Augmentation),使模型學習獲得較好的泛化性能。

1.png

01 數(shù)據(jù)增強介紹

數(shù)據(jù)增強(Data Augmentation)是在不實質(zhì)性的增加數(shù)據(jù)的情況下,從原始數(shù)據(jù)加工出更多的表示,提高原數(shù)據(jù)的數(shù)量及質(zhì)量,以接近于更多數(shù)據(jù)量產(chǎn)生的價值。其原理是,通過對原始數(shù)據(jù)融入先驗知識,加工出更多數(shù)據(jù)的表示,有助于模型判別數(shù)據(jù)中統(tǒng)計噪聲,加強本體特征的學習,減少模型過擬合,提升泛化能力。

如經(jīng)典的機器學習例子--哈士奇誤分類為狼:通過可解釋性方法,可發(fā)現(xiàn)錯誤分類是由于圖像上的雪造成的。通常狗對比狼的圖像里面雪地背景比較少,分類器學會使用雪作為一個特征來將圖像分類為狼還是狗,而忽略了動物本體的特征。此時,可以通過數(shù)據(jù)增強的方法,增加變換后的數(shù)據(jù)(如背景換色、加入噪聲等方式)來訓練模型,幫助模型學習到本體的特征,提高泛化能力。

2.png

需要關(guān)注的是,數(shù)據(jù)增強樣本也有可能是引入片面噪聲,導致過擬合。此時需要考慮的是調(diào)整數(shù)據(jù)增強方法,或者通過算法(可借鑒Pu-Learning思路)選擇增強數(shù)據(jù)的最佳子集,以提高模型的泛化能力。

常用數(shù)據(jù)增強方法可分為:基于樣本變換的數(shù)據(jù)增強及基于深度學習的數(shù)據(jù)增強。

02 基于樣本變換的數(shù)據(jù)增強

樣本變換數(shù)據(jù)增強即采用預設的數(shù)據(jù)變換規(guī)則進行已有數(shù)據(jù)的擴增,包含單樣本數(shù)據(jù)增強和多樣本數(shù)據(jù)增強。

2.1 單樣本增強

單(圖像)樣本增強主要有幾何操作、顏色變換、隨機擦除、添加噪聲等方法,可參見imgaug開源庫。

3.png

2.2 多樣本數(shù)據(jù)增強方法

多樣本增強是通過先驗知識組合及轉(zhuǎn)換多個樣本,主要有Smote、SamplePairing、Mixup等方法在特征空間內(nèi)構(gòu)造已知樣本的鄰域值。

Smote

Smote(Synthetic Minority Over-sampling Technique)方法較常用于樣本均衡學習,核心思想是從訓練集隨機同類的兩近鄰樣本合成一個新的樣本,其方法可以分為三步:

1、 對于各樣本X_i,計算與同類樣本的歐式距離,確定其同類的K個(如圖3個)近鄰樣本;

2、從該樣本k近鄰中隨機選擇一個樣本如近鄰X_ik,生成新的樣本:

Xsmote_ik =  Xi  +  rand(0,1) ? ∣X_i ? X_ik∣

3、重復2步驟迭代N次,可以合成N個新的樣本。

4.png

# SMOTE
from imblearn.over_sampling import SMOTE
print("Before OverSampling, counts of label\n{}".format(y_train.value_counts()))
smote = SMOTE()
x_train_res, y_train_res = smote.fit_resample(x_train, y_train)
print("After OverSampling, counts of label\n{}".format(y_train_res.value_counts()))

SamplePairing

SamplePairing算法的核心思想是從訓練集隨機抽取的兩幅圖像疊加合成一個新的樣本(像素取平均值),使用第一幅圖像的label作為合成圖像的正確label。

5.png

Mixup

Mixup算法的核心思想是按一定的比例隨機混合兩個訓練樣本及其標簽,這種混合方式不僅能夠增加樣本的多樣性,且能夠使決策邊界更加平滑,增強了難例樣本的識別,模型的魯棒性得到提升。其方法可以分為兩步:

1、從原始訓練數(shù)據(jù)中隨機選取的兩個樣本(xi, yi) and (xj, yj)。其中y(原始label)用one-hot 編碼。

2、對兩個樣本按比例組合,形成新的樣本和帶權(quán)重的標簽

x? = λxi + (1 ? λ)xj
y? = λyi + (1 ? λ)yj

最終的loss為各標簽上分別計算cross-entropy loss,加權(quán)求和。其中 λ ∈ [0, 1], λ是mixup的超參數(shù),控制兩個樣本插值的強度。

6.png

# Mixup
def mixup_batch(x, y, step, batch_size, alpha=0.2):
    """
    get batch data
    :param x: training data
    :param y: one-hot label
    :param step: step
    :param batch_size: batch size
    :param alpha: hyper-parameter α, default as 0.2
    :return:  x y 
    """
    candidates_data, candidates_label = x, y
    offset = (step * batch_size) % (candidates_data.shape[0] - batch_size)
    # get batch data
    train_features_batch = candidates_data[offset:(offset + batch_size)]
    train_labels_batch = candidates_label[offset:(offset + batch_size)]
    if alpha == 0:
        return train_features_batch, train_labels_batch
    if alpha > 0:
        weight = np.random.beta(alpha, alpha, batch_size)
        x_weight = weight.reshape(batch_size, 1)
        y_weight = weight.reshape(batch_size, 1)
        index = np.random.permutation(batch_size)
        x1, x2 = train_features_batch, train_features_batch[index]
        x = x1 * x_weight + x2 * (1 - x_weight)
        y1, y2 = train_labels_batch, train_labels_batch[index]
        y = y1 * y_weight + y2 * (1 - y_weight)
        return x, y

03 基于深度學習的數(shù)據(jù)增強

3.1 特征空間的數(shù)據(jù)增強

不同于傳統(tǒng)在輸入空間變換的數(shù)據(jù)增強方法,神經(jīng)網(wǎng)絡可將輸入樣本映射為網(wǎng)絡層的低維向量(表征學習),從而直接在學習的特征空間進行組合變換等進行數(shù)據(jù)增強,如MoEx方法等。

7.png

3.2 基于生成模型的數(shù)據(jù)增強

生成模型如變分自編碼網(wǎng)絡(Variational Auto-Encoding network, VAE)和生成對抗網(wǎng)絡(Generative Adversarial Network, GAN),其生成樣本的方法也可以用于數(shù)據(jù)增強。這種基于網(wǎng)絡合成的方法相比于傳統(tǒng)的數(shù)據(jù)增強技術(shù)雖然過程更加復雜, 但是生成的樣本更加多樣。

變分自編碼器VAE

變分自編碼器(Variational Autoencoder,VAE)其基本思路是:將真實樣本通過編碼器網(wǎng)絡變換成一個理想的數(shù)據(jù)分布,然后把數(shù)據(jù)分布再傳遞給****網(wǎng)絡,構(gòu)造出生成樣本,模型訓練學習的過程是使生成樣本與真實樣本足夠接近。

8.png

# VAE模型
class VAE(keras.Model):
    ...
    def train_step(self, data):
        with tf.GradientTape() as tape:
            z_mean, z_log_var, z = self.encoder(data)
            reconstruction = self.decoder(z)
            reconstruction_loss = tf.reduce_mean(
                tf.reduce_sum(
                    keras.losses.binary_crossentropy(data, reconstruction), axis=(1, 2)
                )
            )
            kl_loss = -0.5 * (1 + z_log_var - tf.square(z_mean) - tf.exp(z_log_var))
            kl_loss = tf.reduce_mean(tf.reduce_sum(kl_loss, axis=1))
            total_loss = reconstruction_loss + kl_loss
        grads = tape.gradient(total_loss, self.trainable_weights)
        self.optimizer.apply_gradients(zip(grads, self.trainable_weights))
        self.total_loss_tracker.update_state(total_loss)
        self.reconstruction_loss_tracker.update_state(reconstruction_loss)
        self.kl_loss_tracker.update_state(kl_loss)
        return {
            "loss": self.total_loss_tracker.result(),
            "reconstruction_loss": self.reconstruction_loss_tracker.result(),
            "kl_loss": self.kl_loss_tracker.result(),
        }

生成對抗網(wǎng)絡GAN

生成對抗網(wǎng)絡-GAN(Generative Adversarial Network) 由生成網(wǎng)絡(Generator, G)和判別網(wǎng)絡(Discriminator, D)兩部分組成, 生成網(wǎng)絡構(gòu)成一個映射函數(shù)G: Z→X(輸入噪聲z, 輸出生成的圖像數(shù)據(jù)x), 判別網(wǎng)絡判別輸入是來自真實數(shù)據(jù)還是生成網(wǎng)絡生成的數(shù)據(jù)。

9.png

# DCGAN模型
class GAN(keras.Model):
    ...
    def train_step(self, real_images):
        batch_size = tf.shape(real_images)[0]
        random_latent_vectors = tf.random.normal(shape=(batch_size, self.latent_dim))
        # G: Z→X(輸入噪聲z, 輸出生成的圖像數(shù)據(jù)x)
        generated_images = self.generator(random_latent_vectors)
        # 合并生成及真實的樣本并賦判定的標簽
        combined_images = tf.concat([generated_images, real_images], axis=0)
        labels = tf.concat(
            [tf.ones((batch_size, 1)), tf.zeros((batch_size, 1))], axis=0
        )
        # 標簽加入隨機噪聲
        labels += 0.05 * tf.random.uniform(tf.shape(labels))
        # 訓練判定網(wǎng)絡
        with tf.GradientTape() as tape:
            predictions = self.discriminator(combined_images)
            d_loss = self.loss_fn(labels, predictions)
        grads = tape.gradient(d_loss, self.discriminator.trainable_weights)
        self.d_optimizer.apply_gradients(
            zip(grads, self.discriminator.trainable_weights)
        )
        random_latent_vectors = tf.random.normal(shape=(batch_size, self.latent_dim))
        # 賦生成網(wǎng)絡樣本的標簽(都賦為真實樣本)
        misleading_labels = tf.zeros((batch_size, 1))
        # 訓練生成網(wǎng)絡
        with tf.GradientTape() as tape:
            predictions = self.discriminator(self.generator(random_latent_vectors))
            g_loss = self.loss_fn(misleading_labels, predictions)
        grads = tape.gradient(g_loss, self.generator.trainable_weights)
        self.g_optimizer.apply_gradients(zip(grads, self.generator.trainable_weights))
        # 更新?lián)p失
        self.d_loss_metric.update_state(d_loss)
        self.g_loss_metric.update_state(g_loss)
        return {
            "d_loss": self.d_loss_metric.result(),
            "g_loss": self.g_loss_metric.result(),
        }

3.3 基于神經(jīng)風格遷移的數(shù)據(jù)增強

神經(jīng)風格遷移(Neural Style Transfer)可以在保留原始內(nèi)容的同時,將一個圖像的樣式轉(zhuǎn)移到另一個圖像上。除了實現(xiàn)類似色彩空間照明轉(zhuǎn)換,還可以生成不同的紋理和藝術(shù)風格。

10.png

神經(jīng)風格遷移是通過優(yōu)化三類的損失來實現(xiàn)的:

style_loss:使生成的圖像接近樣式參考圖像的局部紋理;

content_loss:使生成的圖像的內(nèi)容表示接近于基本圖像的表示;

total_variation_loss:是一個正則化損失,它使生成的圖像保持局部一致。

# 樣式損失
def style_loss(style, combination):
    S = gram_matrix(style)
    C = gram_matrix(combination)
    channels = 3
    size = img_nrows * img_ncols
    return tf.reduce_sum(tf.square(S - C)) / (4.0 * (channels ** 2) * (size ** 2))
# 內(nèi)容損失
def content_loss(base, combination):
    return tf.reduce_sum(tf.square(combination - base))
# 正則損失
def total_variation_loss(x):
    a = tf.square(
        x[:, : img_nrows - 1, : img_ncols - 1, :] - x[:, 1:, : img_ncols - 1, :]
    )
    b = tf.square(
        x[:, : img_nrows - 1, : img_ncols - 1, :] - x[:, : img_nrows - 1, 1:, :]
    )
    return tf.reduce_sum(tf.pow(a + b, 1.25))

3.4 基于元學習的數(shù)據(jù)增強

深度學習研究中的元學習(Meta learning)通常是指使用神經(jīng)網(wǎng)絡優(yōu)化神經(jīng)網(wǎng)絡,元學習的數(shù)據(jù)增強有神經(jīng)增強(Neural augmentation)等方法。

神經(jīng)增強

神經(jīng)增強(Neural augmentation)是通過神經(jīng)網(wǎng)絡組的學習以獲得較優(yōu)的數(shù)據(jù)增強并改善分類效果的一種方法。其方法步驟如下:

1、獲取與target圖像同一類別的一對隨機圖像,前置的增強網(wǎng)絡通過CNN將它們映射為合成圖像,合成圖像與target圖像對比計算損失;

2、將合成圖像與target圖像神經(jīng)風格轉(zhuǎn)換后輸入到分類網(wǎng)絡中,并輸出該圖像分類損失;

3、將增強與分類的loss加權(quán)平均后,反向傳播以更新分類網(wǎng)絡及增強網(wǎng)絡權(quán)重。使得其輸出圖像的同類內(nèi)差距減小且分類準確。

11.png

*博客內(nèi)容為網(wǎng)友個人發(fā)布,僅代表博主個人觀點,如有侵權(quán)請聯(lián)系工作人員刪除。



關(guān)鍵詞:

相關(guān)推薦

技術(shù)專區(qū)

關(guān)閉