亚洲视频二区_亚洲欧洲日本天天堂在线观看_日韩一区二区在线观看_中文字幕不卡一区

公告:魔扣目錄網為廣大站長提供免費收錄網站服務,提交前請做好本站友鏈:【 網站目錄:http://www.430618.com 】, 免友鏈快審服務(50元/站),

點擊這里在線咨詢客服
新站提交
  • 網站:51998
  • 待審:31
  • 小程序:12
  • 文章:1030137
  • 會員:747

我們都知道,神經網絡可以在執行某些任務時復制人腦的功能。神經網絡在計算機視覺和自然語言生成方面的應用已經非常引人注目。

本文將介紹神經網絡的一個這樣的應用,并讓讀者了解如何使用CNNs和RNNs (LSTM)的混合網絡實際為圖像生成標題(描述)。我們在這個任務中使用的數據集是流行的flickr 8k圖像數據集,它是這個任務的基準數據

注意:我們將把數據集分割為7k用于訓練,1k用于測試。

我們將首先討論在我們的混合神經網絡中不同的組件(層)和它們的功能。與此同時,我們還將研究使用Tensorflow、Keras和Python開發混合神經網絡的實際實現。

神經網絡的總體結構

讓我們來看看我們將用于生成字幕的神經網絡的總體架構。

使用神經網絡為圖像生成標題

 

簡單地說,上述神經網絡有3個主要組成部分(子網絡),每個子網絡都有一個特定的任務,即卷積網絡(用于從圖像中提取特征)、rstm(用于生成文本)和解碼器(用于合并兩種網絡)。

現在讓我們詳細討論每個組件并了解它們的工作原理。

圖像特征提取器

為了從圖像中生成特征,我們將使用卷積神經網絡,只需稍加修改。讓我們來看看一個用于圖像識別的卷積神經網絡。

使用神經網絡為圖像生成標題

 

一般的CNN分類模型有兩個子網絡

Feature Learning Network—負責從圖像中生成Feature map的網絡(多卷積和池化層的網絡)。

分類網絡——負責圖像分類的全連通深度神經網絡(多稠密層、單輸出層網絡)。

由于我們只對從圖像中提取特征感興趣,而對其分類不感興趣,所以我們只對CNN的Feature Learning部分進行處理,這就是我們從圖像中提取特征的方法。

下面的代碼可以用來從任何一組圖像提取特征:

import tensorflow as tf
from keras.preprocessing import image

import numpy as np

# function to extract features from image
def extract_image_features():
    
    model = tf.keras.models.Sequential()
    
    # adding first layers of convolution and pooling layers to network
    model.add(tf.keras.layers.Conv2D(filters=64, kernel_size=(3,3), input_shape=(90,90,3), padding="VALID", activation="relu"))
    model.add(tf.keras.layers.Conv2D(filters=64, kernel_size=(3,3), activation="relu"))
    model.add(tf.keras.layers.MaxPool2D(pool_size=2, strides=2))
    
    # adding second layers of convolution and pooling layers to network
    model.add(tf.keras.layers.Conv2D(filters=32, kernel_size=(3,3), padding="VALID", activation="relu"))
    model.add(tf.keras.layers.Conv2D(filters=32, kernel_size=(3,3), activation="relu"))
    model.add(tf.keras.layers.AveragePooling2D(pool_size=2, strides=1))
    
    # flattening the output using flatten layer, since the input to neural net has to be flat
    model.add(tf.keras.layers.Flatten())
    
    # model summary
    model.summary()
    
    return model

for file in os.listdir(image_path):
    path = image_path + "//" + file
    img = image.load_img(path, target_size=(90, 90))
    img_data = image.img_to_array(img)
    img_data = np.expand_dims(img_data, axis=0)
    img_data = preprocess_input(img_data)
    
    feature = extract_image_features.predict(img_data)
    feature = np.reshape(feature, feature.shape[1])

任何人都可以使用上述代碼構建自己的圖像特征提取器,但有一個問題…

上面的模型太過簡單,無法從我們的一組圖像中提取出每一個重要的細節,因此會影響整個模型的性能。此外,由于高性能gpu和系統的不可用性,使得模型過于復雜(具有大量神經元的多層密集層)也具有挑戰性。

為了解決這個問題,我們在Tensorflow中有非常流行的預訓練CNN模型(VGG-16, ResNet50等,由不同大學和組織的科學家開發),可以用于從圖像中提取特征。記住,在使用輸出層進行特征提取之前,要將它從模型中移除。

下面的代碼將讓您了解如何使用Tensorflow中這些預先訓練好的模型從圖像中提取特征。

import tensorflow as tf
from keras.preprocessing import image
from keras.Applications.resnet50 import ResNet50
from keras.applications.resnet50 import preprocess_input
from keras.models import Model

# load the ResNet50 Model
feature_extractor = ResNet50(weights='imagenet', include_top=False)
feature_extractor_new = Model(feature_extractor.input, feature_extractor.layers[-2].output)
feature_extractor_new.summary()

for file in os.listdir(image_path):
    path = image_path + "//" + file
    img = image.load_img(path, target_size=(90, 90))
    img_data = image.img_to_array(img)
    img_data = np.expand_dims(img_data, axis=0)
    img_data = preprocess_input(img_data)
    
    feature = feature_extractor_new.predict(img_data)
    feature_reshaped = np.array(feature).flatten()

正如您在下面看到的,如果執行上面的代碼,您將看到我們的圖像特性只是一個形狀-(18432,)的numpy數組。

image_feature_dictionary[list(image_feature_dictionary. Keys())[0]].shape
 (18432,)

接下來,我們將開發用于為圖像生成標題的LSTM網絡(RNN)。

用于生成標題的LSTM

文本生成是LSTM網絡中最流行的應用之一。LSTM單元格(LSTM網絡的基本構建塊)能夠根據前一層的輸出生成輸出,即它保留前一層(內存)的輸出,并使用該內存生成(預測)序列中的下一個輸出。

對于我們的數據集,我們為每張圖片設置了5個標題,即總共40k個標題。

讓我們看看我們的數據集-

使用神經網絡為圖像生成標題

 

1. A child in a pink dress is climbing up a set of stairs in an entry way.

1. A girl going into a wooden building.

1. A little girl climbing into a wooden playhouse.

1. A little girl climbing the stairs to her playhouse.

1. A little girl in a pink dress going into a wooden cabin.

正如所見,所有的字幕都很好地描述了圖片。我們現在的任務是設計一個RNN,它可以為任何相似的圖像集復制這個任務。

回到最初的任務,我們首先必須看看LSTM網絡是如何生成文本的。對于LSTM來說,網絡標題只不過是一長串單獨的單詞(編碼為數字)放在一起。利用這些信息,它試圖根據前面的單詞預測序列中的下一個單詞(記憶)。

在我們的例子中,由于標題可以是可變長度的,所以我們首先需要指定每個標題的開始和結束。我們看看-是什么意思

使用神經網絡為圖像生成標題

 

首先,我們將把和添加到數據集中的每個標題中。在創建最終詞匯表之前,我們將對訓練數據集中的每個標題進行標記。為了訓練我們的模型,我們將從詞匯表中刪除頻率小于或等于10的單詞。增加這一步是為了提高我們的模型的一般性能,并防止它過擬合訓練數據集。

代碼如下:

# loading captions from captions file
import pandas as pd

# loading captions.txt
captions = pd.read_csv('/kaggle/input/flickr8k/captions.txt', sep=",")
captions = captions.rename(columns=lambda x: x.strip().lower())
captions['image'] = captions['image'].apply(lambda x: x.split(".")[0])
captions = captions[['image', 'caption']]
# adding <start> and <end> to every caption
captions['caption'] = "<start> " + captions['caption'] + " <end>"

# in case we have any missing caption/blank caption drop it
print(captions.shape)
captions = captions.dropna()
print(captions.shape)

# training and testing image captions split
train_image_captions = {}
test_image_captions = {}

# list for storing every caption
all_captions = []

# storing training data
for image in train_data_images:
    tempDf = captions[captions['image'] == image]
    list_of_captions = tempDf['caption'].tolist()
    train_image_captions[image] = list_of_captions
    all_captions.append(list_of_captions)

# store testing data
for image in test_data_images:
    tempDf = captions[captions['image'] == image]
    list_of_captions = tempDf['caption'].tolist()
    test_image_captions[image] = list_of_captions
    all_captions.append(list_of_captions)

print("Data Statistics")
print(f"Training Images Captions {len(train_image_captions.keys())}")
print(f"Testing Images Captions {len(test_image_captions.keys())}")

上面的代碼將生成下面的輸出

train_image_captions[list(train_image_captions. Keys())[150]]
['<start> A brown dog chases a tattered ball around the yard . <end>',
 '<start> A brown dog is chasing a tattered soccer ball across a low cut field . <end>',
 '<start> Large brown dog playing with a white soccer ball in the grass . <end>',
 '<start> Tan dog chasing a ball . <end>',
 '<start> The tan dog is chasing a ball . <end>']

一旦我們加載了標題,我們將首先使用spacy和Tokenizer(來自tensorflow.preprocessing.)對所有內容進行標記。文本類)。

令牌化就是將一個句子分解成不同的單詞,同時刪除特殊字符,所有內容都小寫。結果是我們在句子中有了一個有意義的單詞(記號)的語料庫,我們可以在將其用作模型的輸入之前對其進行進一步編碼。

import spacy
nlp = spacy.load('en', disable=['tagger', 'parser', 'ner'])

# tokenize evry captions, remove punctuations, lowercase everything
for key, value in train_image_captions.items():
    ls = []
    for v in value:
        doc = nlp(v)
        new_v = " "
        for token in doc:
            if not token.is_punct:
                if token.text not in [" ", "n", "nn"]:
                    new_v = new_v + " " + token.text.lower()
        
        new_v = new_v.strip()
        ls.append(new_v)
    train_image_captions[key] = ls
    

# create a vocabulary of all the unique words present in captions
# flatten the list
all_captions = [caption for list_of_captions in all_captions for caption in list_of_captions]

# use spacy to convert to lowercase and reject any special characters 
tokens = []
for captions in all_captions:
    doc = nlp(captions)
    for token in doc:
        if not token.is_punct:
            if token.text not in [" ", "n", "nn"]:
                tokens.append(token.text.lower())

# get tokens with frequency less than 10
import collections
word_count_dict = collections.Counter(tokens)
reject_words = []
for key, value in word_count_dict.items():
    if value < 10:
        reject_words.append(key)
        
reject_words.append("<")
reject_words.append(">")

 # remove tokens that are in reject words
tokens = [x for x in tokens if x not in reject_words]

# convert the token to equivalent index using Tokenizer class of Keras
from keras.preprocessing.text import Tokenizer
tokenizer = Tokenizer()
tokenizer.fit_on_texts(tokens)

上面的代碼將生成一個字典,其中每個令牌都被編碼為整數,反之亦然。示例輸出如下所示

tokenizer.word_index {'a': 1,
 'end': 2,
 'start': 3,
 'in': 4,
 'the': 5,
 'on': 6,
 'is': 7,
 'and': 8,
 'dog': 9,
 'with': 10,
 'man': 11,
 'of': 12,
 'two': 13,
 'black': 14,
 'white': 15,
 'boy': 16,
 'woman': 17,
 'girl': 18,
 'wearing': 19,
 'are': 20,
 'brown': 21.....}

在此之后,我們需要找到詞匯表的長度和最長標題的長度。讓我們看看這兩種方法在創建模型時的重要性。

詞匯長度:詞匯長度基本上是我們語料庫中唯一單詞的數量。此外,輸出層中的神經元將等于詞匯表長度+ 1(+ 1表示由于填充序列而產生的額外空白),因為在每次迭代時,我們需要模型從語料庫中生成一個新單詞。

最大標題長度:因為在我們的數據集中,即使對于相同的圖像,標題也是可變長度的。讓我們試著更詳細地理解這個

使用神經網絡為圖像生成標題

 

正如您所看到的,每個標題都有不同的長度,因此我們不能將它們用作我們的LSTM模型的輸入。為了解決這個問題,我們填充填充每個標題到最大標題的長度。

使用神經網絡為圖像生成標題

 

注意,每個序列都有一組額外的0來增加它的長度到最大序列。

# compute length of vocabulary and maximum length of a caption (for padding)
vocab_len = len(tokenizer.word_counts) + 1
print(f"Vocabulary length - {vocab_len}")

max_caption_len = max([len(x.split(" ")) for x in all_captions])
print(f"Maximum length of caption - {max_caption_len}")

和輸出的模型創建訓練數據集。對于我們的問題,我們有兩個輸入和一個輸出。為了便于理解,讓我們更詳細地看看這個

使用神經網絡為圖像生成標題

 

對于每個圖像我們都有

圖像特征(X1):利用ResNet50模型提取的形狀的Numpy數組(18432,)

輸入序列(X2):這需要更多的解釋。每個標題只是一個序列列表,我們的模型試圖預測序列中下一個最好的元素。因此,對于每個標題,我們將首先從序列中的第一個元素開始,對該元素的相應輸出將是下一個元素。在下一次迭代中,前一次迭代的輸出將和前一次迭代的輸入(內存)一起成為新的輸入,這樣一直進行,直到我們到達序列的末尾。

輸出(y):序列中的下一個單詞。

下面的代碼可以用來實現上面創建訓練數據集的邏輯-

from keras.preprocessing.sequence import pad_sequences
from keras.utils import to_categorical

# generator function to generate inputs for model
def create_trianing_data(captions, images, tokenizer, max_caption_length, vocab_len, photos_per_batch):
    
    X1, X2, y = list(), list(), list()
    n=0
   
    # loop through every image
    while 1:
        for key, cap in captions.items():
            n+=1
            # retrieve the photo feature
            image = images[key]
            
            for c in cap:
                # encode the sequence
                sequnece = [tokenizer.word_index[word] for word in c.split(' ') if word in list(tokenizer.word_index.keys())]
                
                # split one sequence into multiple X, y pairs
                
                for i in range(1, len(sequence)):
                    # creating input, output
                    inp, out = sequence[:i], sequence[i]
                    # padding input                     
                    input_seq = pad_sequences([inp], maxlen=max_caption_length)[0]
                    # encode output sequence
                    output_seq = to_categorical([out], num_classes=vocab_len)[0]
                    # store
                    X1.append(image)
                    X2.append(input_seq)
                    y.append(output_seq)
                    
            # yield the batch data
            if n==photos_per_batch:
                yield ([np.array(X1), np.array(X2)], np.array(y))
                X1, X2, y = list(), list(), list()
                n=0

合并兩個子網絡

現在我們已經開發了兩個子網絡(用于生成字幕的圖像特征提取器和LSTM),讓我們結合這兩個網絡來創建我們的最終模型。

使用神經網絡為圖像生成標題

 

對于任何一幅新圖像(必須與訓練中使用的圖像相似),我們的模型將根據它在訓練相似的圖像和字幕集時獲得的知識生成標題。

下面的代碼創建了最終的模型

import keras

def create_model(max_caption_length, vocab_length):
    
    # sub network for handling the image feature part
    input_layer1 = keras.Input(shape=(18432))
    feature1 = keras.layers.Dropout(0.2)(input_layer1)
    feature2 = keras.layers.Dense(max_caption_length*4, activation='relu')(feature1)
    feature3 = keras.layers.Dense(max_caption_length*4, activation='relu')(feature2)
    feature4 = keras.layers.Dense(max_caption_length*4, activation='relu')(feature3)
    feature5 = keras.layers.Dense(max_caption_length*4, activation='relu')(feature4)
    
    # sub network for handling the text generation part
    input_layer2 = keras.Input(shape=(max_caption_length,))
    cap_layer1 = keras.layers.Embedding(vocab_length, 300, input_length=max_caption_length)(input_layer2)
    cap_layer2 = keras.layers.Dropout(0.2)(cap_layer1)
    cap_layer3 = keras.layers.LSTM(max_caption_length*4, activation='relu', return_sequences=True)(cap_layer2)
    cap_layer4 = keras.layers.LSTM(max_caption_length*4, activation='relu', return_sequences=True)(cap_layer3)
    cap_layer5 = keras.layers.LSTM(max_caption_length*4, activation='relu', return_sequences=True)(cap_layer4)
    cap_layer6 = keras.layers.LSTM(max_caption_length*4, activation='relu')(cap_layer5)
    
    # merging the two sub network
    decoder1 = keras.layers.merge.add([feature5, cap_layer6])
    decoder2 = keras.layers.Dense(256, activation='relu')(decoder1)
    decoder3 = keras.layers.Dense(256, activation='relu')(decoder2)
    
    # output is the next word in sequence
    output_layer = keras.layers.Dense(vocab_length, activation='softmax')(decoder3)
    model = keras.models.Model(inputs=[input_layer1, input_layer2], outputs=output_layer)
    
    model.summary()

    return model

在編譯模型之前,我們需要給嵌入層添加權重。這是通過為語料庫(詞匯表)中出現的每個標記創建單詞嵌入(在高維向量空間中表示標記)來實現的。有一些非常流行的字嵌入模型可以用于這個目的(GloVe, Gensim嵌入模型等)。

我們將使用Spacy內建的"encoreweb_lg"模型來創建令牌的向量表示(即每個令牌將被表示為(300,)numpy數組)。

下面的代碼可以用于創建單詞嵌入,并將其添加到我們的模型嵌入層。

# create word embeddings
import spacy
nlp = spacy.load('en_core_web_lg')

# create word embeddings
embedding_dimension = 300
embedding_matrix = np.zeros((vocab_len, embedding_dimension))

# travel through every word in vocabulary and get its corresponding vector
for word, index in tokenizer.word_index.items():

    doc = nlp(word)
    embedding_vector = np.array(doc.vector)
    embedding_matrix[index] = embedding_vector
    
# adding embeddings to model
predictive_model.layers[2]
predictive_model.layers[2].set_weights([embedding_matrix])
predictive_model.layers[2].trainable = False

現在我們已經創建了所有的東西,我們只需要編譯和訓練我們的模型。

注意:由于我們任務的復雜性,這個網絡的訓練時間會非常長(具有大量的epoch)

# get training data
train_data = create_trianing_data(train_image_captions, train_image_features, tokenizer, max_caption_len, vocab_length, 32)

# initialize model
model = create_model(max_caption_len, vocab_len)

steps_per_epochs = len(train_image_captions)//32

# compile model
model.compile(optimizer='adam', loss='categorical_crossentropy')
model.fit_generator(train_data, epochs=100, steps_per_epoch=steps_per_epochs)

為了生成新的標題,我們首先需要將一幅圖像轉換為與訓練數據集(18432)圖像相同維數的numpy數組,并使用作為模型的輸入。

在序列生成過程中,一旦在輸出中遇到,我們就會終止這個過程。

import matplotlib.pyplot as plt
import seaborn as sns
from PIL import Image
%matplotlib inline

# method for generating captions
def generate_captions(model, image, tokenizer.word_index, max_caption_length, tokenizer.index_word):
    
    # input is <start>
    input_text = '<start>'
    
    # keep generating words till we have encountered <end>
    for i in range(max_caption_length):
        seq = [tokenizer.word_index[w] for w in in_text.split() if w in list(tokenizer.word_index.keys())]
        seq = pad_sequences([sequence], maxlen=max_caption_length)
        prediction = model.predict([photo,sequence], verbose=0)
        prediction = np.argmax(prediction)
        word = tokenizer.index_word[prediction]
        input_text += ' ' + word
        if word == '<end>':
            break
    
    # remove <start> and <end> from output and return string
    output = in_text.split()
    output = output[1:-1]
    output = ' '.join(output)
    return output

# traverse through testing images to generate captions
count = 0
for key, value in test_image_features.items():
    test_image = test_image_features[key]
    test_image = np.expand_dims(test_image, axis=0)
    final_caption = generate_captions(predictive_model, test_image, tokenizer.word_index, max_caption_len, tokenizer.index_word)
    
    plt.figure(figsize=(7,7))
    image = Image.open(image_path + "//" + key + ".jpg")
    plt.imshow(image)
    plt.title(final_caption)
    
    count = count + 1
    if count == 3:
        break

現在讓我們檢查模型的輸出

使用神經網絡為圖像生成標題

 


使用神經網絡為圖像生成標題

 


使用神經網絡為圖像生成標題

 


使用神經網絡為圖像生成標題

 


使用神經網絡為圖像生成標題

 

總結

正如你所看到的,我們的模型為一些圖片生成了足夠好的標題,但有些標題并沒有說明。

這可以通過增加epoch、訓練數據、向我們的最終模型添加層來改善,但所有這些都需要高端機器(gpu)進行處理。

這就是我們如何用我們自己的深度學習模型為圖片生成標題。

作者:Akash Chauhan

deephub翻譯組

分享到:
標簽:神經網絡
用戶無頭像

網友整理

注冊時間:

網站:5 個   小程序:0 個  文章:12 篇

  • 51998

    網站

  • 12

    小程序

  • 1030137

    文章

  • 747

    會員

趕快注冊賬號,推廣您的網站吧!
最新入駐小程序

數獨大挑戰2018-06-03

數獨一種數學游戲,玩家需要根據9

答題星2018-06-03

您可以通過答題星輕松地創建試卷

全階人生考試2018-06-03

各種考試題,題庫,初中,高中,大學四六

運動步數有氧達人2018-06-03

記錄運動步數,積累氧氣值。還可偷

每日養生app2018-06-03

每日養生,天天健康

體育訓練成績評定2018-06-03

通用課目體育訓練成績評定