強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

機器之心發表於2018-06-02

強化學習是當前人工智慧領域內一個非常熱門的研究方向,在遊戲智慧體方面的進展尤其耀眼。美國東北大學在讀碩士 Ravi Munde 近日發文介紹了其構建《小恐龍快跑(Dino Run)》強化學習智慧體的過程。《小恐龍快跑》是 Chrome 瀏覽器上的一款隱藏小遊戲,當你的瀏覽器斷開網路時,你的螢幕上就會出現這隻小恐龍,此時只需點選方向鍵 ↑ 即可開啟遊戲。

DeepMind 2013 年發表的論文《使用深度強化學習玩 Atari 遊戲(Playing Atari with Deep Reinforcement Learning)》為強化學習引入了一種新的深度學習模型,並展現了其僅使用原始畫素作為輸入就能掌握 Atari 2600 電腦遊戲的不同控制策略的能力。在本教程中,我將使用 Keras 實現這篇論文。我首先會介紹強化學習的基礎知識,然後深入程式碼以獲得實踐性的理解。

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

AI 玩《小恐龍快跑》

我在 2018 年 3 月初開始了這個專案並得到了一些優良的結果。但是,這個只有 CPU 的系統沒法學習更多功能。強大的 GPU 能顯著提升其效能表現。

在我們得到一個可執行的模型之前,有很多步驟和概念需要我們理解。

步驟:

  • 構建一個瀏覽器(JavaScript)和模型(Python)之間的雙向介面

  • 獲取和預處理影象

  • 訓練模型

  • 評估

原始碼:https://github.com/Paperspace/DinoRunTutorial.git

開始

要這樣完成訓練和玩遊戲,你可以在設定好環境後克隆這個 GitHub 庫:

  1. git clone https://github.com/Paperspace/DinoRunTutorial.git

然後在 Jupyter Notebook 上操作

  1. Reinforcement Learning Dino Run.ipynb

要確保你首先執行了 init_cache() 來初始化檔案系統結構。

強化學習

一個學習走路的孩子

對很多人來說,這可能是一個新詞彙,但我們每個人都使用強化學習(RL)的概念學習過走路,而且我們的大腦現在依然這樣運作。獎勵系統是任何強化學習演算法的基礎。如果我們回到小孩走路的比喻,正面獎勵可能是父母的掌聲或拿到糖果;負面獎勵就是沒有糖果。然後,孩子在開始走路之前首先要學會站立。就人工智慧而言,智慧體(我們這裡就是小恐龍 Dino)的主要目標是通過在環境中執行一個特定的動作序列來最大化特定的數值獎勵。強化學習中最大的難題是沒有監督(有標註資料)來引導智慧體。它必須進行探索,靠自己學習。智慧體首先會隨機執行動作,然後觀察每個動作所產生的獎勵,再學習預測面臨相似的環境狀態時可能最好的動作。

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

最簡單純粹的強化學習框架

Q 學習(Q-learning)

Q 學習是一種強化學習技術,在這種技術中,我們試圖近似一個特定函式,使其能為任意環境狀態序列得到動作-選擇策略。Q 學習是強化學習的一種無模型的實現,其中維護著一個相對每個狀態、所採取的動作和所得到的獎勵的 Q 值表。一個樣本 Q 值表應該能讓我們瞭解資料的結構。在我們的案例中,狀態即是遊戲截圖,動作則是什麼也不做和跳 [0,1]


強化學習訓練Chrome小恐龍Dino Run:最高超過4000分一個樣本 Q 值表

我們使用深度神經網路,通過迴歸方法來解決這一問題,然後選擇有最高預測 Q 值的動作。若想詳細瞭解 Q 學習,可參看 Tambet Matiisen 的這篇出色文章:https://ai.intel.com/demystifying-deep-reinforcement-learning/。你也可以參看我之前的文章,瞭解 Q 學習的所有引數:https://medium.com/acing-ai/how-i-build-an-ai-to-play-dino-run-e37f37bdf153

設定

首先設定訓練過程所需的環境。

1. 選擇虛擬機器(VM):我們需要一個完整的桌面環境,讓我們可以在其中獲取截圖並將其用於訓練。我選擇了一個 Paperspace ML-in-a-box (MLIAB) Ubuntu 映象。MLIAB 的優勢在於預裝了 Anaconda 和很多其它的機器學習庫。

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

ML-in-a-box (MLIAB)

2. 配置和安裝 Keras 並使用 GPU

我們需要安裝 Keras 和 TensorFlow 的 GPU 版本。Paperspace 的虛擬機器預裝了這些,但如果沒有安裝,可以執行下列操作來安裝:

  1. pip install keras

  2. pip install tensorflow

另外,要確保 GPU 能被識別出來。執行下列 Python 程式碼,你應該能看到可用的 GPU 裝置:

  1. from keras import backend as K

  2. K.tensorflow_backend._get_available_gpus()

3. 安裝依賴包

  • Selenium: pip install selenium

  • OpenCV: pip install opencv-python

  • 下載 Chromedriver:http://chromedriver.chromium.org

遊戲框架

你可以將你的瀏覽器指向 chrome://dino 或直接拔下網路插口來啟動遊戲。另一種方法是從 Chromium 的開源庫提取這個遊戲——如果我們想要修改遊戲程式碼的話。

我們的模型是用 Python 寫的,而遊戲是用 JavaScript 構建的。要讓它們之間能進行通訊,我們需要一些介面工具。

Selenium 是一種常用的瀏覽器自動化工具,可用於向瀏覽器傳送動作和獲取當前分數等不同的遊戲引數

現在我們有可以向遊戲傳送動作的介面了,我們還需要一個獲取遊戲畫面的機制。

Selenium 和 OpenCV 能分別為截圖和影象預處理提供最佳的表現,能實現 6-7 FPS 的幀率。

我們只需要 4 FPS 的幀率,所以足夠了。

遊戲模組

我們使用這個模組實現了 Python 和 JavaScript 之間的介面。下面的程式碼片段應該能讓你一窺該模組所執行的功能。

  1. class Game:

  2.    def __init__(self):

  3.        self._driver = webdriver.Chrome(executable_path = chrome_driver_path)

  4.        self._driver.set_window_position(x=-10,y=0)

  5.        self._driver.get(game_url)

  6.    def restart(self):

  7.        self._driver.execute_script("Runner.instance_.restart()")

  8.    def press_up(self):

  9.        self._driver.find_element_by_tag_name("body").send_keys(Keys.ARROW_UP)

  10.    def get_score(self):

  11.        score_array = self._driver.execute_script("return Runner.instance_.distanceMeter.digits")

  12.        score = ''.join(score_array).

  13.         return int(score)

智慧體模組

我們使用智慧體模組封裝了所有介面。我們使用這一模組控制小恐龍 Dino 以及獲取智慧體在環境中的狀態。

  1. class DinoAgent:

  2.    def __init__(self,game): #takes game as input for taking actions

  3.        self._game = game;

  4.        self.jump(); #to start the game, we need to jump once

  5.    def is_crashed(self):

  6.        return self._game.get_crashed()

  7.    def jump(self):

  8.         self._game.press_up()

遊戲狀態模組

為了將動作傳送給模組並得到由該動作導致的環境轉換的結果狀態,我們使用了遊戲-狀態模組。通過接收&執行動作、確定獎勵和返回經歷元組,其簡化了這一過程。

  1. class Game_sate:

  2.    def __init__(self,agent,game):

  3.        self._agent = agent

  4.        self._game = game

  5.    def get_state(self,actions):

  6.        score = self._game.get_score()

  7.        reward = 0.1 #survival reward

  8.        is_over = False #game over

  9.        if actions[1] == 1: #else do nothing

  10.            self._agent.jump()

  11.        image = grab_screen(self._game._driver)

  12.        if self._agent.is_crashed():

  13.            self._game.restart()

  14.            reward = -1

  15.            is_over = True

  16.         return image, reward, is_over #return the Experience tuple

影象處理流程

獲取影象

獲取遊戲畫面的方法有很多,比如使用 PIL 和 MSS Python 庫來獲取整個螢幕的截圖然後裁剪相關區域。但是,其最大的缺點是對螢幕解析度和視窗位置的敏感度。幸運的是,該遊戲使用了 HTML Canvas。我們可以使用 JavaScript 輕鬆獲取 base64 格式的影象。我們使用 Selenium 執行這個指令碼。

  1. #javascript code to get the image data from canvas

  2. var canvas = document.getElementsByClassName('runner-canvas')[0];

  3. var img_data = canvas.toDataURL()

  4. return img_data


強化學習訓練Chrome小恐龍Dino Run:最高超過4000分從 Canvas 提取出的影象

  1. def grab_screen(_driver = None):

  2.    image_b64 = _driver.execute_script(getbase64Script)

  3.    screen = np.array(Image.open(BytesIO(base64.b64decode(image_b64))))

  4.    image = process_img(screen)#processing image as required

  5.     return image

處理影象

獲取得到的原始影象的解析度大約是 600×150,有 3 個通道(RGB)。我們打算使用 4 個連續截圖作為該模型的單個輸入。這會使得我們的單個輸入的維度高達 600×150×3×4。這樣的計算成本很高,而且並非所有特徵都對玩遊戲有用。所以我們使用 OpenCV 庫對影象進行尺寸調整、裁剪和處理操作。處理後得到的最終輸入影象尺寸只有 80×80 畫素,且只有單個通道(灰度)。

  1. def process_img(image):

  2.    image = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)

  3.    image = image[:300, :500]

  4.     return image

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

影象處理

模型架構

所以我們得到了輸入,並且能使用該模型的輸出來玩遊戲了,現在我們來看看模型的架構。

我們使用了按順序連線的三個卷積層,之後再將它們展平成密集層和輸出層。這個只使用 CPU 的模型不包含池化層,因為我去除了很多特徵,新增池化層會導致已經很稀疏的特徵出現顯著損失。但藉助 GPU,我們可以容納更多特徵,而無需降低幀率。

最大池化層能顯著提升密集特徵集的處理結果。

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

模型架構

我們的輸出層由兩個神經元組成,每一個都表示每個動作的最大預測獎勵。然後我們選擇有最大獎勵(Q 值)的動作。

  1. def buildmodel():

  2.    print("Now we build the model")

  3.    model = Sequential()

  4.    model.add(Conv2D(32, (8, 8), padding='same',strides=(4, 4),input_shape=(img_cols,img_rows,img_channels)))  #80*80*4

  5.    model.add(MaxPooling2D(pool_size=(2,2)))

  6.    model.add(Activation('relu'))

  7.    model.add(Conv2D(64, (4, 4),strides=(2, 2),  padding='same'))

  8.    model.add(MaxPooling2D(pool_size=(2,2)))

  9.    model.add(Activation('relu'))

  10.    model.add(Conv2D(64, (3, 3),strides=(1, 1),  padding='same'))

  11.    model.add(MaxPooling2D(pool_size=(2,2)))

  12.    model.add(Activation('relu'))

  13.    model.add(Flatten())

  14.    model.add(Dense(512))

  15.    model.add(Activation('relu'))

  16.    model.add(Dense(ACTIONS))

  17.    adam = Adam(lr=LEARNING_RATE)

  18.    model.compile(loss='mse',optimizer=adam)

  19.    print("We finish building the model")

  20.     return model

訓練

訓練階段發生的事情有這些:

  • 從無動作開始,得到初始狀態(s_t)

  • 觀察 OBSERVATION 步數的玩遊戲過程

  • 預測和執行一個動作

  • 將經歷儲存在重放記憶(Replay Memory)中

  • 從重放記憶隨機選取一批,然後在其上訓練模型

  • 如果遊戲結束,則重新開始

這部分的程式碼有點長,但理解起來相當簡單。

  1. def trainNetwork(model,game_state):

  2.    # store the previous observations in replay memory

  3.    D = deque() #experience replay memory

  4.    # get the first state by doing nothing

  5.    do_nothing = np.zeros(ACTIONS)

  6.    do_nothing[0] =1 #0 => do nothing,

  7.                     #1=> jump

  8.    x_t, r_0, terminal = game_state.get_state(do_nothing) # get next step after performing the action

  9.    s_t = np.stack((x_t, x_t, x_t, x_t), axis=2).reshape(1,20,40,4) # stack 4 images to create placeholder input reshaped 1*20*40*4

  10.    OBSERVE = OBSERVATION

  11.    epsilon = INITIAL_EPSILON

  12.    t = 0

  13.    while (True): #endless running

  14.        loss = 0

  15.        Q_sa = 0

  16.        action_index = 0

  17.        r_t = 0 #reward at t

  18.        a_t = np.zeros([ACTIONS]) # action at t

  19.        q = model.predict(s_t)       #input a stack of 4 images, get the prediction

  20.        max_Q = np.argmax(q)         # chosing index with maximum q value

  21.        action_index = max_Q

  22.        a_t[action_index] = 1        # o=> do nothing, 1=> jump

  23.        #run the selected action and observed next state and reward

  24.        x_t1, r_t, terminal = game_state.get_state(a_t)

  25.        x_t1 = x_t1.reshape(1, x_t1.shape[0], x_t1.shape[1], 1) #1x20x40x1

  26.        s_t1 = np.append(x_t1, s_t[:, :, :, :3], axis=3) # append the new image to input stack and remove the first one

  27.        D.append((s_t, action_index, r_t, s_t1, terminal))# store the transition

  28.        #only train if done observing; sample a minibatch to train on

  29.        trainBatch(random.sample(D, BATCH)) if t > OBSERVE else 0

  30.        s_t = s_t1

  31.         t += 1

注意,我們會從重放記憶取樣 32 段隨機經歷,並使用批量方法進行訓練。這麼做的原因是遊戲結構的動作分佈不平衡以及為了避免過擬合

  1. def trainBatch(minibatch):

  2.  for i in range(0, len(minibatch)):

  3.                loss = 0

  4.                inputs = np.zeros((BATCH, s_t.shape[1], s_t.shape[2], s_t.shape[3]))   #32, 20, 40, 4

  5.                targets = np.zeros((inputs.shape[0], ACTIONS))                         #32, 2

  6.                state_t = minibatch[i][0]    # 4D stack of images

  7.                action_t = minibatch[i][1]   #This is action index

  8.                reward_t = minibatch[i][2]   #reward at state_t due to action_t

  9.                state_t1 = minibatch[i][3]   #next state

  10.                terminal = minibatch[i][4]   #wheather the agent died or survided due the action

  11.                inputs[i:i + 1] = state_t    

  12.                targets[i] = model.predict(state_t)  # predicted q values

  13.                Q_sa = model.predict(state_t1)      #predict q values for next step

  14.                if terminal:

  15.                    targets[i, action_t] = reward_t # if terminated, only equals reward

  16.                else:

  17.                    targets[i, action_t] = reward_t + GAMMA * np.max(Q_sa)

  18.             loss += model.train_on_batch(inputs, targets)

結果

使用這個架構,我們應該能得到很好的結果。GPU 能顯著提升結果,這能通過平均分數的提升來驗證。下圖展示了自訓練開始以來的平均分數。在訓練結束時,每 10 局遊戲的平均分數能很好地保持在 1000 以上。

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

每 10 局遊戲的平均分數

最高分記錄超過 4000,遠遠超過之前模型的 250(也遠遠超過了大多數人類的水平!)。下圖給出了訓練階段遊戲最高分的變化(每 10 局遊戲選取一個最高分)。

強化學習訓練Chrome小恐龍Dino Run:最高超過4000分

每 10 局遊戲的最高分

小恐龍 Dino 的奔跑速度與分數成正比,這使得更高速度下的檢測和動作確定更加困難。因此整個遊戲都是在恆定速度下訓練的。本文中給出的程式碼片段僅供參考。

帶有更多設定的可工作程式碼請訪問:http://https/github.com/Paperspace/DinoRunTutorial 

原文連結:https://blog.paperspace.com/dino-run/ 

相關文章