用深度學習自動生成HTML程式碼

機器之心發表於2018-01-15

選自Floydhub

作者:Emil Wallner

機器之心編譯

如何用前端頁面原型生成對應的程式碼一直是我們關注的問題,本文作者根據 pix2code 等論文構建了一個強大的前端程式碼生成模型,並詳細解釋瞭如何利用 LSTM 與 CNN 將設計原型編寫為 HTML 和 CSS 網站。

專案連結:github.com/emilwallner…

在未來三年內,深度學習將改變前端開發。它將會加快原型設計速度,拉低開發軟體的門檻。

Tony Beltramelli 在去年釋出了論文《pix2code: Generating Code from a Graphical User Interface Screenshot》,Airbnb 也釋出Sketch2code(airbnb.design/sketching-i…)。

目前,自動化前端開發的最大阻礙是計算能力。但我們已經可以使用目前的深度學習演算法,以及合成訓練資料來探索人工智慧自動構建前端的方法。在本文中,作者將教神經網路學習基於一張圖片和一個設計模板來編寫一個 HTML 和 CSS 網站。以下是該過程的簡要概述:


1)向訓練過的神經網路輸入一個設計圖

用深度學習自動生成HTML程式碼


2)神經網路將圖片轉化為 HTML 標記語言

用深度學習自動生成HTML程式碼


3)渲染輸出

用深度學習自動生成HTML程式碼

我們將分三步從易到難構建三個不同的模型,首先,我們構建最簡單地版本來掌握移動部件。第二個版本 HTML 專注於自動化所有步驟,並簡要解釋神經網路層。在最後一個版本 Bootstrap 中,我們將建立一個模型來思考和探索 LSTM 層。


程式碼地址:

所有 FloydHub notebook 都在 floydhub 目錄中,本地 notebook 在 local 目錄中。

本文中的模型構建基於 Beltramelli 的論文《pix2code: Generating Code from a Graphical User Interface Screenshot》和 Jason Brownlee 的影象描述生成教程,並使用 Python 和 Keras 完成。


核心邏輯

我們的目標是構建一個神經網路,能夠生成與截圖對應的 HTML/CSS 標記語言。

訓練神經網路時,你先提供幾個截圖和對應的 HTML 程式碼。網路通過逐個預測所有匹配的 HTML 標記語言來學習。預測下一個標記語言的標籤時,網路接收到截圖和之前所有正確的標記。

這裡是一個簡單的訓練資料示例:docs.google.com/spreadsheet…

建立逐詞預測的模型是現在最常用的方法,也是本教程使用的方法。

注意:每次預測時,神經網路接收的是同樣的截圖。也就是說如果網路需要預測 20 個單詞,它就會得到 20 次同樣的設計截圖。現在,不用管神經網路的工作原理,只需要專注於神經網路的輸入和輸出。

用深度學習自動生成HTML程式碼

我們先來看前面的標記(markup)。假如我們訓練神經網路的目的是預測句子「I can code」。當網路接收「I」時,預測「can」。下一次時,網路接收「I can」,預測「code」。它接收所有之前單詞,但只預測下一個單詞。

用深度學習自動生成HTML程式碼

神經網路根據資料建立特徵。神經網路構建特徵以連線輸入資料和輸出資料。它必須建立表徵來理解每個截圖的內容和它所需要預測的 HTML 語法,這些都是為預測下一個標記構建知識。把訓練好的模型應用到真實世界中和模型訓練過程差不多。

我們無需輸入正確的 HTML 標記,網路會接收它目前生成的標記,然後預測下一個標記。預測從「起始標籤」(start tag)開始,到「結束標籤」(end tag)終止,或者達到最大限制時終止。

用深度學習自動生成HTML程式碼



Hello World 版

現在讓我們構建 Hello World 版實現。我們將饋送一張帶有「Hello World!」字樣的截圖到神經網路中,並訓練它生成對應的標記語言。

用深度學習自動生成HTML程式碼

首先,神經網路將原型設計轉換為一組畫素值。且每一個畫素點有 RGB 三個通道,每個通道的值都在 0-255 之間。

用深度學習自動生成HTML程式碼

為了以神經網路能理解的方式表徵這些標記,我使用了 one-hot 編碼。因此句子「I can code」可以對映為以下形式。

用深度學習自動生成HTML程式碼

在上圖中,我們的編碼包含了開始和結束的標籤。這些標籤能為神經網路提供開始預測和結束預測的位置資訊。以下是這些標籤的各種組合以及對應 one-hot 編碼的情況。

用深度學習自動生成HTML程式碼

我們會使每個單詞在每一輪訓練中改變位置,因此這允許模型學習序列而不是記憶詞的位置。在下圖中有四個預測,每一行是一個預測。且左邊代表 RGB 三色通道和之前的詞,右邊代表預測結果和紅色的結束標籤。

用深度學習自動生成HTML程式碼


#Length of longest sentence
   max_caption_len = 3
#Size of vocabulary 
   vocab_size = 3

# Load one screenshot for each word and turn them into digits 
   images = []
for i in range(2):
       images.append(img_to_array(load_img('screenshot.jpg', target_size=(224, 224))))
   images = np.array(images, dtype=float)
# Preprocess input for the VGG16 model
   images = preprocess_input(images)

#Turn start tokens into one-hot encoding
   html_input = np.array(
               [[[0., 0., 0.], #start
                [0., 0., 0.],
                [1., 0., 0.]],
                [[0., 0., 0.], #start <HTML>Hello World!</HTML>
                [1., 0., 0.],
                [0., 1., 0.]]])

#Turn next word into one-hot encoding
   next_words = np.array(
               [[0., 1., 0.], # <HTML>Hello World!</HTML>
                [0., 0., 1.]]) # end

# Load the VGG16 model trained on imagenet and output the classification feature
   VGG = VGG16(weights='imagenet', include_top=True)
# Extract the features from the image
   features = VGG.predict(images)

#Load the feature to the network, apply a dense layer, and repeat the vector
   vgg_feature = Input(shape=(1000,))
   vgg_feature_dense = Dense(5)(vgg_feature)
   vgg_feature_repeat = RepeatVector(max_caption_len)(vgg_feature_dense)
# Extract information from the input seqence 
   language_input = Input(shape=(vocab_size, vocab_size))
   language_model = LSTM(5, return_sequences=True)(language_input)

# Concatenate the information from the image and the input
   decoder = concatenate([vgg_feature_repeat, language_model])
# Extract information from the concatenated output
   decoder = LSTM(5, return_sequences=False)(decoder)
# Predict which word comes next
   decoder_output = Dense(vocab_size, activation='softmax')(decoder)
# Compile and run the neural network
   model = Model(inputs=[vgg_feature, language_input], outputs=decoder_output)
   model.compile(loss='categorical_crossentropy', optimizer='rmsprop')

# Train the neural network
   model.fit([features, html_input], next_words, batch_size=2, shuffle=False, epochs=1000)
複製程式碼



在 Hello World 版本中,我們使用三個符號「start」、「Hello World」和「end」。字元級的模型要求更小的詞彙表和受限的神經網路,而單詞級的符號在這裡可能有更好的效能。


以下是執行預測的程式碼:

# Create an empty sentence and insert the start token
   sentence = np.zeros((1, 3, 3)) # [[0,0,0], [0,0,0], [0,0,0]]
   start_token = [1., 0., 0.] # start
   sentence[0][2] = start_token # place start in empty sentence

# Making the first prediction with the start token
   second_word = model.predict([np.array([features[1]]), sentence])

# Put the second word in the sentence and make the final prediction
   sentence[0][1] = start_token
   sentence[0][2] = np.round(second_word)
   third_word = model.predict([np.array([features[1]]), sentence])

# Place the start token and our two predictions in the sentence 
   sentence[0][0] = start_token
   sentence[0][1] = np.round(second_word)
   sentence[0][2] = np.round(third_word)

# Transform our one-hot predictions into the final tokens
   vocabulary = ["start", "<HTML><center><H1>Hello World!</H1></center></HTML>", "end"]
for i in sentence[0]:
print(vocabulary[np.argmax(i)], end=' ')
複製程式碼


輸出

  • 10 epochs: start start start
  • 100 epochs: start <HTML><center><H1>Hello World!</H1></center></HTML> <HTML><center><H1>Hello World!</H1></center></HTML>
  • 300 epochs: start <HTML><center><H1>Hello World!</H1></center></HTML> end


我走過的坑:

  • 在收集資料之前構建第一個版本。在本專案的早期階段,我設法獲得 Geocities 託管網站的舊版存檔,它有 3800 萬的網站。但我忽略了減少 100K 大小詞彙所需要的巨大工作量。
  • 訓練一個 TB 級的資料需要優秀的硬體或極其有耐心。在我的 Mac 遇到幾個問題後,最終用上了強大的遠端伺服器。我預計租用 8 個現代 CPU 和 1 GPS 內部連結以執行我的工作流。
  • 在理解輸入與輸出資料之前,其它部分都似懂非懂。輸入 X 是螢幕的截圖和以前標記的標籤,輸出 Y 是下一個標記的標籤。當我理解這一點時,其它問題都更加容易弄清了。此外,嘗試其它不同的架構也將更加容易。
  • 圖片到程式碼的網路其實就是自動描述影象的模型。即使我意識到了這一點,但仍然錯過了很多自動影象摘要方面的論文,因為它們看起來不夠炫酷。一旦我意識到了這一點,我對問題空間的理解就變得更加深刻了。


在 FloydHub 上執行程式碼

FloydHub 是一個深度學習訓練平臺,我自從開始學習深度學習時就對它有所瞭解,我也常用它訓練和管理深度學習試驗。我們能安裝它並在 10 分鐘內執行第一個模型,它是在雲 GPU 上訓練模型最好的選擇。若果讀者沒用過 FloydHub,可以花 10 分鐘左右安裝並瞭解。

FloydHub 地址:www.floydhub.com/

複製 Repo:

https://github.com/emilwallner/Screenshot-to-code-in-Keras.git
複製程式碼

登入並初始化 FloydHub 命令列工具:

cd Screenshot-to-code-in-Keras
floyd login
floyd init s2c
複製程式碼

在 FloydHub 雲 GPU 機器上執行 Jupyter notebook:

floyd run --gpu --env tensorflow-1.4 --data emilwallner/datasets/imagetocode/2:data --mode jupyter
複製程式碼

所有的 notebook 都放在 floydbub 目錄下。一旦我們開始執行模型,那麼在 floydhub/Helloworld/helloworld.ipynb 下可以找到第一個 Notebook。更多詳情請檢視本專案早期的 flags。


HTML 版本

在這個版本中,我們將關注與建立一個可擴充套件的神經網路模型。該版本並不能直接從隨機網頁預測 HTML,但它是探索動態問題不可缺少的步驟。

用深度學習自動生成HTML程式碼


概覽

如果我們將前面的架構擴充套件為以下右圖展示的結構,那麼它就能更高效地處理識別與轉換過程。

用深度學習自動生成HTML程式碼

該架構主要有兩個部,即編碼器與解碼器。編碼器是我們建立影象特徵和前面標記特徵(markup features)的部分。特徵是網路建立原型設計和標記語言之間聯絡的構建塊。在編碼器的末尾,我們將影象特徵傳遞給前面標記的每一個單詞。隨後解碼器將結合原型設計特徵和標記特徵以建立下一個標籤的特徵,這一個特徵可以通過全連線層預測下一個標籤。


設計原型的特徵

因為我們需要為每個單詞插入一個截圖,這將會成為訓練神經網路的瓶頸。因此我們抽取生成標記語言所需要的資訊來替代直接使用影象。這些抽取的資訊將通過預訓練的 CNN 編碼到影象特徵中,且我們將使用分類層之前的層級輸出以抽取特徵。

用深度學習自動生成HTML程式碼

我們最終得到 1536 個 8*8 的特徵圖,雖然我們很難直觀地理解它,但神經網路能夠從這些特徵中抽取元素的物件和位置。


標記特徵

在 Hello World 版本中,我們使用 one-hot 編碼以表徵標記。而在該版本中,我們將使用詞嵌入表徵輸入並使用 one-hot 編碼表示輸出。我們構建每個句子的方式保持不變,但我們對映每個符號的方式將會變化。one-hot 編碼將每一個詞視為獨立的單元,而詞嵌入會將輸入資料表徵為一個實數列表,這些實數表示標記標籤之間的關係。

用深度學習自動生成HTML程式碼

上面詞嵌入的維度為 8,但一般詞嵌入的維度會根據詞彙表的大小在 50 到 500 間變動。以上每個單詞的八個數值就類似於神經網路中的權重,它們傾向於刻畫單詞之間的聯絡(Mikolov alt el., 2013)。這就是我們開始部署標記特徵(markup features)的方式,而這些神經網路訓練的特徵會將輸入資料和輸出資料聯絡起來。


編碼器

我們現在將詞嵌入饋送到 LSTM 中,並期望能返回一系列的標記特徵。這些標記特徵隨後會饋送到一個 Time Distributed 密集層,該層級可以視為有多個輸入和輸出的全連線層。

用深度學習自動生成HTML程式碼

和嵌入與 LSTM 層相平行的還有另外一個處理過程,其中影象特徵首先會展開成一個向量,然後再饋送到一個全連線層而抽取出高階特徵。這些影象特徵隨後會與標記特徵相級聯而作為編碼器的輸出。


標記特徵

如下圖所示,現在我們將詞嵌入投入到 LSTM 層中,所有的語句都會用零填充以獲得相同的向量長度。

用深度學習自動生成HTML程式碼

為了混合訊號並尋找高階模式,我們運用了一個 TimeDistributed 密集層以抽取標記特徵。TimeDistributed 密集層和一般的全連線層非常相似,且它有多個輸入與輸出。


影象特徵

對於另一個平行的過程,我們需要將影象的所有畫素值展開成一個向量,因此資訊不會被改變,它們只會用來識別。

用深度學習自動生成HTML程式碼

如上,我們會通過全連線層混合訊號並抽取更高階的概念。因為我們並不只是處理一個輸入值,因此使用一般的全連線層就行了。


級聯影象特徵和標記特徵

所有的語句都被填充以建立三個標記特徵。因為我們已經預處理了影象特徵,所以我們能為每一個標記特徵新增影象特徵。

用深度學習自動生成HTML程式碼

如上,在複製影象特徵到對應的標記特徵後,我們得到了新的影象-標記特徵(image-markup features),這就是我們饋送到解碼器的輸入值。


解碼器

現在,我們使用影象-標記特徵來預測下一個標籤。

用深度學習自動生成HTML程式碼

在下面的案例中,我們使用三個影象-標籤特徵對來輸出下一個標籤特徵。注意 LSTM 層不應該返回一個長度等於輸入序列的向量,而只需要預測預測一個特徵。在我們的案例中,這個特徵將預測下一個標籤,它包含了最後預測的資訊。

用深度學習自動生成HTML程式碼


最後的預測

密集層會像傳統前饋網路那樣工作,它將下一個標籤特徵中的 512 個值與最後的四個預測連線起來,即我們在詞彙表所擁有的四個單詞:start、hello、world 和 end。密集層最後採用的 softmax 函式會為四個類別產生一個概率分佈,例如 [0.1, 0.1, 0.1, 0.7] 將預測第四個詞為下一個標籤。

# Load the images and preprocess them for inception-resnet
   images = []
   all_filenames = listdir('images/')
   all_filenames.sort()
for filename in all_filenames:
       images.append(img_to_array(load_img('images/'+filename, target_size=(299, 299))))
   images = np.array(images, dtype=float)
   images = preprocess_input(images)

# Run the images through inception-resnet and extract the features without the classification layer
   IR2 = InceptionResNetV2(weights='imagenet', include_top=False)
   features = IR2.predict(images)


# We will cap each input sequence to 100 tokens
   max_caption_len = 100
# Initialize the function that will create our vocabulary 
   tokenizer = Tokenizer(filters='', split=" ", lower=False)

# Read a document and return a string
def load_doc(filename):
       file = open(filename, 'r')
       text = file.read()
       file.close()
return text

# Load all the HTML files
   X = []
   all_filenames = listdir('html/')
   all_filenames.sort()
for filename in all_filenames:
       X.append(load_doc('html/'+filename))

# Create the vocabulary from the html files
   tokenizer.fit_on_texts(X)

# Add +1 to leave space for empty words
   vocab_size = len(tokenizer.word_index) + 1
# Translate each word in text file to the matching vocabulary index
   sequences = tokenizer.texts_to_sequences(X)
# The longest HTML file
   max_length = max(len(s) for s in sequences)

# Intialize our final input to the model
   X, y, image_data = list(), list(), list()
for img_no, seq in enumerate(sequences):
for i in range(1, len(seq)):
# Add the entire sequence to the input and only keep the next word for the output
           in_seq, out_seq = seq[:i], seq[i]
# If the sentence is shorter than max_length, fill it up with empty words
           in_seq = pad_sequences([in_seq], maxlen=max_length)[0]
# Map the output to one-hot encoding
           out_seq = to_categorical([out_seq], num_classes=vocab_size)[0]
# Add and image corresponding to the HTML file
           image_data.append(features[img_no])
# Cut the input sentence to 100 tokens, and add it to the input data
           X.append(in_seq[-100:])
           y.append(out_seq)

   X, y, image_data = np.array(X), np.array(y), np.array(image_data)

# Create the encoder
   image_features = Input(shape=(8, 8, 1536,))
   image_flat = Flatten()(image_features)
   image_flat = Dense(128, activation='relu')(image_flat)
   ir2_out = RepeatVector(max_caption_len)(image_flat)

   language_input = Input(shape=(max_caption_len,))
   language_model = Embedding(vocab_size, 200, input_length=max_caption_len)(language_input)
   language_model = LSTM(256, return_sequences=True)(language_model)
   language_model = LSTM(256, return_sequences=True)(language_model)
   language_model = TimeDistributed(Dense(128, activation='relu'))(language_model)

# Create the decoder
   decoder = concatenate([ir2_out, language_model])
   decoder = LSTM(512, return_sequences=False)(decoder)
   decoder_output = Dense(vocab_size, activation='softmax')(decoder)

# Compile the model
   model = Model(inputs=[image_features, language_input], outputs=decoder_output)
   model.compile(loss='categorical_crossentropy', optimizer='rmsprop')

# Train the neural network
   model.fit([image_data, X], y, batch_size=64, shuffle=False, epochs=2)

# map an integer to a word
def word_for_id(integer, tokenizer):
for word, index in tokenizer.word_index.items():
if index == integer:
return word
return None

# generate a description for an image
def generate_desc(model, tokenizer, photo, max_length):
# seed the generation process
       in_text = 'START'
# iterate over the whole length of the sequence
for i in range(900):
# integer encode input sequence
           sequence = tokenizer.texts_to_sequences([in_text])[0][-100:]
# pad input
           sequence = pad_sequences([sequence], maxlen=max_length)
# predict next word
           yhat = model.predict([photo,sequence], verbose=0)
# convert probability to integer
           yhat = np.argmax(yhat)
# map integer to word
           word = word_for_id(yhat, tokenizer)
# stop if we cannot map the word
if word is None:
break
# append as input for generating the next word
           in_text += ' ' + word
# Print the prediction
print(' ' + word, end='')
# stop if we predict the end of the sequence
if word == 'END':
break
return

# Load and image, preprocess it for IR2, extract features and generate the HTML
   test_image = img_to_array(load_img('images/87.jpg', target_size=(299, 299)))
   test_image = np.array(test_image, dtype=float)
   test_image = preprocess_input(test_image)
   test_features = IR2.predict(np.array([test_image]))
   generate_desc(model, tokenizer, np.array(test_features), 100)
複製程式碼


輸出

用深度學習自動生成HTML程式碼

訓練不同輪數所生成網站的地址:


我走過的坑:

  • 我認為理解 LSTM 比 CNN 要難一些。當我展開 LSTM 後,它們會變得容易理解一些。此外,我們在嘗試理解 LSTM 前,可以先關注輸入與輸出特徵。
  • 從頭構建一個詞彙表要比壓縮一個巨大的詞彙表容易得多。這樣的構建包括字型、div 標籤大小、變數名的 hex 顏色和一般單詞。
  • 大多數庫是為解析文字文件而構建。在庫的使用文件中,它們會告訴我們如何通過空格進行分割,而不是程式碼,我們需要自定義解析的方式。
  • 我們可以從 ImageNet 上預訓練的模型抽取特徵。然而,相對於從頭訓練的 pix2code 模型,損失要高 30% 左右。此外,我對於使用基於網頁截圖預訓練的 inception-resnet 網路很有興趣。


Bootstrap 版本

在最終版本中,我們使用 pix2code 論文中生成 bootstrap 網站的資料集。使用 Twitter 的 Bootstrap 庫(getbootstrap.com/),我們可以結合 HTML 和 CSS,降低詞彙表規模。

我們將使用這一版本為之前未見過的截圖生成標記。我們還深入研究它如何構建截圖和標記的先驗知識。

我們不在 bootstrap 標記上訓練,而是使用 17 個簡化 token,將其編譯成 HTML 和 CSS。資料集(github.com/tonybeltram…)包括 1500 個測試截圖和 250 個驗證截圖。平均每個截圖有 65 個 token,一共有 96925 個訓練樣本。

我們稍微修改一下 pix2code 論文中的模型,使之預測網路元件的準確率達到 97%。

用深度學習自動生成HTML程式碼


端到端方法

從預訓練模型中提取特徵在影象描述生成模型中效果很好。但是幾次實驗後,我發現 pix2code 的端到端方法效果更好。在我們的模型中,我們用輕量級卷積神經網路替換預訓練影象特徵。我們不使用最大池化來增加資訊密度,而是增加步幅。這可以保持前端元素的位置和顏色。

用深度學習自動生成HTML程式碼

存在兩個核心模型:卷積神經網路(CNN)和迴圈神經網路(RNN)。最常用的迴圈神經網路是長短期記憶(LSTM)網路。我之前的文章中介紹過 CNN 教程,本文主要介紹 LSTM。


理解 LSTM 中的時間步

關於 LSTM 比較難理解的是時間步。我們的原始神經網路有兩個時間步,如果你給它「Hello」,它就會預測「World」。但是它會試圖預測更多時間步。下例中,輸入有四個時間步,每個單詞對應一個時間步。

LSTM 適合時序資料的輸入,它是一種適合順序資訊的神經網路。模型展開圖示如下,對於每個迴圈步,你需要保持同樣的權重。

用深度學習自動生成HTML程式碼

加權後的輸入與輸出特徵在級聯後輸入到啟用函式,並作為當前時間步的輸出。因為我們重複利用了相同的權重,它們將從一些輸入獲取資訊並構建序列的知識。下面是 LSTM 在每一個時間步上的簡化版處理過程:

用深度學習自動生成HTML程式碼


理解 LSTM 層級中的單元

每一層 LSTM 單元的總數決定了它記憶的能力,同樣也對應於每一個輸出特徵的維度大小。LSTM 層級中的每一個單元將學習如何追蹤句法的不同方面。以下是一個 LSTM 單元追蹤標籤行資訊的視覺化,它是我們用來訓練 bootstrap 模型的簡單標記語言。

用深度學習自動生成HTML程式碼

每一個 LSTM 單元會維持一個單元狀態,我們可以將單元狀態視為記憶。權重和啟用值可使用不同的方式修正狀態值,這令 LSTM 層可以通過保留或遺忘輸入資訊而得到精調。除了處理當前輸入資訊與輸出資訊,LSTM 單元還需要修正記憶狀態以傳遞到下一個時間步。

dir_name = 'resources/eval_light/'

# Read a file and return a string
def load_doc(filename):
       file = open(filename, 'r')
       text = file.read()
       file.close()
return text

def load_data(data_dir):
       text = []
       images = []
# Load all the files and order them
       all_filenames = listdir(data_dir)
       all_filenames.sort()
for filename in (all_filenames):
if filename[-3:] == "npz":
# Load the images already prepared in arrays
               image = np.load(data_dir+filename)
               images.append(image['features'])
else:
# Load the boostrap tokens and rap them in a start and end tag
               syntax = '<START> ' + load_doc(data_dir+filename) + ' <END>'
# Seperate all the words with a single space
               syntax = ' '.join(syntax.split())
# Add a space after each comma
               syntax = syntax.replace(',', ' ,')
               text.append(syntax)
       images = np.array(images, dtype=float)
return images, text

   train_features, texts = load_data(dir_name)

# Initialize the function to create the vocabulary 
   tokenizer = Tokenizer(filters='', split=" ", lower=False)
# Create the vocabulary 
   tokenizer.fit_on_texts([load_doc('bootstrap.vocab')])

# Add one spot for the empty word in the vocabulary 
   vocab_size = len(tokenizer.word_index) + 1
# Map the input sentences into the vocabulary indexes
   train_sequences = tokenizer.texts_to_sequences(texts)
# The longest set of boostrap tokens
   max_sequence = max(len(s) for s in train_sequences)
# Specify how many tokens to have in each input sentence
   max_length = 48

def preprocess_data(sequences, features):
       X, y, image_data = list(), list(), list()
for img_no, seq in enumerate(sequences):
for i in range(1, len(seq)):
# Add the sentence until the current count(i) and add the current count to the output
               in_seq, out_seq = seq[:i], seq[i]
# Pad all the input token sentences to max_sequence
               in_seq = pad_sequences([in_seq], maxlen=max_sequence)[0]
# Turn the output into one-hot encoding
               out_seq = to_categorical([out_seq], num_classes=vocab_size)[0]
# Add the corresponding image to the boostrap token file
               image_data.append(features[img_no])
# Cap the input sentence to 48 tokens and add it
               X.append(in_seq[-48:])
               y.append(out_seq)
return np.array(X), np.array(y), np.array(image_data)

   X, y, image_data = preprocess_data(train_sequences, train_features)

#Create the encoder
   image_model = Sequential()
   image_model.add(Conv2D(16, (3, 3), padding='valid', activation='relu', input_shape=(256, 256, 3,)))
   image_model.add(Conv2D(16, (3,3), activation='relu', padding='same', strides=2))
   image_model.add(Conv2D(32, (3,3), activation='relu', padding='same'))
   image_model.add(Conv2D(32, (3,3), activation='relu', padding='same', strides=2))
   image_model.add(Conv2D(64, (3,3), activation='relu', padding='same'))
   image_model.add(Conv2D(64, (3,3), activation='relu', padding='same', strides=2))
   image_model.add(Conv2D(128, (3,3), activation='relu', padding='same'))

   image_model.add(Flatten())
   image_model.add(Dense(1024, activation='relu'))
   image_model.add(Dropout(0.3))
   image_model.add(Dense(1024, activation='relu'))
   image_model.add(Dropout(0.3))

   image_model.add(RepeatVector(max_length))

   visual_input = Input(shape=(256, 256, 3,))
   encoded_image = image_model(visual_input)

   language_input = Input(shape=(max_length,))
   language_model = Embedding(vocab_size, 50, input_length=max_length, mask_zero=True)(language_input)
   language_model = LSTM(128, return_sequences=True)(language_model)
   language_model = LSTM(128, return_sequences=True)(language_model)

#Create the decoder
   decoder = concatenate([encoded_image, language_model])
   decoder = LSTM(512, return_sequences=True)(decoder)
   decoder = LSTM(512, return_sequences=False)(decoder)
   decoder = Dense(vocab_size, activation='softmax')(decoder)

# Compile the model
   model = Model(inputs=[visual_input, language_input], outputs=decoder)
   optimizer = RMSprop(lr=0.0001, clipvalue=1.0)
   model.compile(loss='categorical_crossentropy', optimizer=optimizer)

#Save the model for every 2nd epoch
   filepath="org-weights-epoch-{epoch:04d}--val_loss-{val_loss:.4f}--loss-{loss:.4f}.hdf5"
   checkpoint = ModelCheckpoint(filepath, monitor='val_loss', verbose=1, save_weights_only=True, period=2)
   callbacks_list = [checkpoint]

# Train the model
   model.fit([image_data, X], y, batch_size=64, shuffle=False, validation_split=0.1, callbacks=callbacks_list, verbose=1, epochs=50)
複製程式碼


測試準確率

找到一種測量準確率的優秀方法非常棘手。比如一個詞一個詞地對比,如果你的預測中有一個詞不對照,準確率可能就是 0。如果你把百分百對照的單詞移除一個,最終的準確率可能是 99/100。

我使用的是 BLEU 分值,它在機器翻譯和影象描述模型實踐上都是最好的。它把句子分解成 4 個 n-gram,從 1-4 個單詞的序列。在下面的預測中,「cat」應該是「code」。

用深度學習自動生成HTML程式碼

為了得到最終的分值,每個的分值需要乘以 25%,(4/5) × 0.25 + (2/4) × 0.25 + (1/3) × 0.25 + (0/2) ×0.25 = 0.2 + 0.125 + 0.083 + 0 = 0.408。然後用總和乘以句子長度的懲罰函式。因為在我們的示例中,長度是正確的,所以它就直接是我們的最終得分。

你可以增加 n-gram 的數量,4 個 n-gram 的模型是最為對應人類翻譯的。我建議你閱讀下面的程式碼:

#Create a function to read a file and return its content
def load_doc(filename):
       file = open(filename, 'r')
       text = file.read()
       file.close()
return text

def load_data(data_dir):
       text = []
       images = []
       files_in_folder = os.listdir(data_dir)
       files_in_folder.sort()
for filename in tqdm(files_in_folder):
#Add an image
if filename[-3:] == "npz":
               image = np.load(data_dir+filename)
               images.append(image['features'])
else:
# Add text and wrap it in a start and end tag
               syntax = '<START> ' + load_doc(data_dir+filename) + ' <END>'
#Seperate each word with a space
               syntax = ' '.join(syntax.split())
#Add a space between each comma
               syntax = syntax.replace(',', ' ,')
               text.append(syntax)
       images = np.array(images, dtype=float)
return images, text

#Intialize the function to create the vocabulary
   tokenizer = Tokenizer(filters='', split=" ", lower=False)
#Create the vocabulary in a specific order
   tokenizer.fit_on_texts([load_doc('bootstrap.vocab')])

   dir_name = '../../../../eval/'
   train_features, texts = load_data(dir_name)

#load model and weights 
   json_file = open('../../../../model.json', 'r')
   loaded_model_json = json_file.read()
   json_file.close()
   loaded_model = model_from_json(loaded_model_json)
# load weights into new model
   loaded_model.load_weights("../../../../weights.hdf5")
print("Loaded model from disk")

# map an integer to a word
def word_for_id(integer, tokenizer):
for word, index in tokenizer.word_index.items():
if index == integer:
return word
return None
print(word_for_id(17, tokenizer))

# generate a description for an image
def generate_desc(model, tokenizer, photo, max_length):
       photo = np.array([photo])
# seed the generation process
       in_text = '<START> '
# iterate over the whole length of the sequence
print('\nPrediction---->\n\n<START> ', end='')
for i in range(150):
# integer encode input sequence
           sequence = tokenizer.texts_to_sequences([in_text])[0]
# pad input
           sequence = pad_sequences([sequence], maxlen=max_length)
# predict next word
           yhat = loaded_model.predict([photo, sequence], verbose=0)
# convert probability to integer
           yhat = argmax(yhat)
# map integer to word
           word = word_for_id(yhat, tokenizer)
# stop if we cannot map the word
if word is None:
break
# append as input for generating the next word
           in_text += word + ' '
# stop if we predict the end of the sequence
print(word + ' ', end='')
if word == '<END>':
break
return in_text


   max_length = 48 

# evaluate the skill of the model
def evaluate_model(model, descriptions, photos, tokenizer, max_length):
       actual, predicted = list(), list()
# step over the whole set
for i in range(len(texts)):
           yhat = generate_desc(model, tokenizer, photos[i], max_length)
# store actual and predicted
print('\n\nReal---->\n\n' + texts[i])
           actual.append([texts[i].split()])
           predicted.append(yhat.split())
# calculate BLEU score
       bleu = corpus_bleu(actual, predicted)
return bleu, actual, predicted

   bleu, actual, predicted = evaluate_model(loaded_model, texts, train_features, tokenizer, max_length)

#Compile the tokens into HTML and css
   dsl_path = "compiler/assets/web-dsl-mapping.json"
   compiler = Compiler(dsl_path)
   compiled_website = compiler.compile(predicted[0], 'index.html')

print(compiled_website )
print(bleu)
複製程式碼


輸出

用深度學習自動生成HTML程式碼


樣本輸出的連結:


我走過的坑:

  • 理解模型的弱點而不是測試隨機模型。首先我使用隨機的東西,比如批歸一化、雙向網路,並嘗試實現注意力機制。在檢視測試資料,並知道其無法高精度地預測顏色和位置之後,我意識到 CNN 存在一個弱點。這致使我使用增加的步幅來取代最大池化。驗證損失從 0.12 降至 0.02,BLEU 分值從 85% 增加至 97%。
  • 如果它們相關,則只使用預訓練模型。在小資料的情況下,我認為一個預訓練影象模型將會提升效能。從我的實驗來看,端到端模型訓練更慢,需要更多記憶體,但是精確度會提升 30%。
  • 當你在遠端伺服器上執行模型,我們需要為一些不同做好準備。在我的 mac 上,它按照字母表順序讀取文件。但是在伺服器上,它被隨機定位。這在程式碼和截圖之間造成了不匹配。

下一步

前端開發是深度學習應用的理想空間。資料容易生成,並且當前深度學習演算法可以對映絕大部分邏輯。一個最讓人激動的領域是注意力機制在 LSTM 上的應用。這不僅會提升精確度,還可以使我們視覺化 CNN 在生成標記時所聚焦的地方。注意力同樣是標記、可定義模板、指令碼和最終端之間通訊的關鍵。注意力層要追蹤變數,使網路可以在程式語言之間保持通訊。

但是在不久的將來,最大的影響將會來自合成資料的可擴充套件方法。接著你可以一步步新增字型、顏色和動畫。目前為止,大多數進步發生在草圖(sketches)方面並將其轉化為模版應用。在不到兩年的時間裡,我們將建立一個草圖,它會在一秒之內找到相應的前端。Airbnb 設計團隊與 Uizard 已經建立了兩個正在使用的原型。下面是一些可能的試驗過程:


實驗


開始

  • 執行所有模型
  • 嘗試不同的超引數
  • 測試一個不同的 CNN 架構
  • 新增雙向 LSTM 模型
  • 用不同資料集實現模型

進一步實驗

  • 使用相應的語法建立一個穩定的隨機應用/網頁生成器
  • 從草圖到應用模型的資料。自動將應用/網頁截圖轉化為草圖,並使用 GAN 建立多樣性。
  • 應用注意力層視覺化每一預測的影象聚焦,類似於這個模型
  • 為模組化方法建立一個框架。比如,有字型的編碼器模型,一個用於顏色,另一個用於排版,並使用一個解碼器整合它們。穩定的影象特徵是一個好的開始。
  • 饋送簡單的 HTML 元件到神經網路中,並使用 CSS 教其生成動畫。使用注意力方法並視覺化兩個輸入源的聚焦將會很迷人。
用深度學習自動生成HTML程式碼


原文連結:blog.floydhub.com/turning-des…



本文為機器之心編譯,轉載請聯絡本公眾號獲得授權。


相關文章