One place for hosting & domains

      Open-Sourced Deep Learning With OpenVINO


      How to Join

      This Tech Talk is free and open to everyone. Register below to get a link to join the live event.

      FormatDateRSVP
      Presentation and Q&AOctober 28, 12:00–1:00 p.m. ET

      If you can’t join us live, the video recording will be published here as soon as it’s available.

      About the Talk

      Built on top of popular open-sourced libraries such as OpenCV, OpenVINO is a truly open-sourced platform that enables deep learning deployments across platforms, including CPUs, integrated GPUs, FPGAs and AI with a write-once, deploy-anywhere simplicity. We discuss what it takes to build a sustainable, open-sourced deep learning inference platform for everyone. This talk highlights how you can get involved in the community, and educational resources you can use to learn more.

      What You’ll Learn

      • How collaboration and the open source community are shaping deep learning today
      • Ways to contribute to the future of deep learning
      • Ready-to-go tools, educational resources, and a vibrant community to help you get started quickly

      This Talk is Designed For

      • AI/DL app developers of all levels, from beginners to experts

      About the Presenters

      • Zoe Cayetano – Product Manager for OpenVINO, Intel
      • Raymond Lo – Software Evangelist for OpenVINO, Intel

      Zoe Cayetano is a Product Manager at Intel working on advancing the deployment of AI/DL technologies from edge to cloud. Prior to Intel, she founded an emotion-sensing headphones startup and was a data science researcher for a particle accelerator at Arizona State University, where she analyzed electron beam dynamics of novel x-ray lasers. She holds Bachelor’s degrees in Applied Physics and Business.

      Raymond Lo is a Software Evangelist at Intel for AI and deep learning. Prior to joining Intel, Raymond was the founder and CTO of Meta (a YCombinator-backed augmented reality company) and the Technology Evangelist for Samsung NEXT. During his PhD, Raymond worked with Prof. Steve Mann, who is widely recognized as the father of wearable computing.

      To join the live Tech Talk, register here.



      Source link

      How To Build a Deep Learning Model to Predict Employee Retention Using Keras and TensorFlow


      The author selected Girls Who Code to receive a donation as part of the Write for DOnations program.

      Introduction

      Keras is a neural network API that is written in Python. It runs on top of TensorFlow, CNTK, or Theano. It is a high-level abstraction of these deep learning frameworks and therefore makes experimentation faster and easier. Keras is modular, which means implementation is seamless as developers can quickly extend models by adding modules.

      TensorFlow is an open-source software library for machine learning. It works efficiently with computation involving arrays; so it’s a great choice for the model you’ll build in this tutorial. Furthermore, TensorFlow allows for the execution of code on either CPU or GPU, which is a useful feature especially when you’re working with a massive dataset.

      In this tutorial, you’ll build a deep learning model that will predict the probability of an employee leaving a company. Retaining the best employees is an important factor for most organizations. To build your model, you’ll use this dataset available at Kaggle, which has features that measure employee satisfaction in a company. To create this model, you’ll use the Keras sequential layer to build the different layers for the model.

      Prerequisites

      Before you begin this tutorial you’ll need the following:

      Step 1 — Data Pre-processing

      Data Pre-processing is necessary to prepare your data in a manner that a deep learning model can accept. If there are categorical variables in your data, you have to convert them to numbers because the algorithm only accepts numerical figures. A categorical variable represents quantitive data represented by names. In this step, you’ll load in your dataset using pandas, which is a data manipulation Python library.

      Before you begin data pre-processing, you’ll activate your environment and ensure you have all the necessary packages installed to your machine. It’s advantageous to use conda to install keras and tensorflow since it will handle the installation of any necessary dependencies for these packages, and ensure they are compatible with keras and tensorflow. In this way, using the Anaconda Python distribution is a good choice for data science related projects.

      Move into the environment you created in the prerequisite tutorial:

      Run the following command to install keras and tensorflow:

      • conda install tensorflow keras

      Now, open Jupyter Notebook to get started. Jupyter Notebook is opened by typing the following command on your terminal:

      Note: If you're working from a remote server, you'll need to use SSH tunneling to access your notebook. Please revisit step 2 of the prerequisite tutorial for detailed on instructions on setting up SSH tunneling. You can use the following command from your local machine to initiate your SSH tunnel:

      • ssh -L 8888:localhost:8888 your_username@your_server_ip

      After accessing Jupyter Notebook, click on the anaconda3 file, and then click New at the top of the screen, and select Python 3 to load a new notebook.

      Now, you'll import the required modules for the project and then load the dataset in a notebook cell. You'll load in the pandas module for manipulating your data and numpy for converting the data into numpy arrays. You'll also convert all the columns that are in string format to numerical values for your computer to process.

      Insert the following code into a notebook cell and then click Run:

      import pandas as pd
      import numpy as np
      df = pd.read_csv("https://raw.githubusercontent.com/mwitiderrick/kerasDO/master/HR_comma_sep.csv")
      

      You've imported numpy and pandas. You then used pandas to load in the dataset for the model.

      You can get a glimpse at the dataset you're working with by using head(). This is a useful function from pandas that allows you to view the first five records of your dataframe. Add the following code to a notebook cell and then run it:

      df.head()
      

      Alt Checking the head for the dataset

      You'll now proceed to convert the categorical columns to numbers. You do this by converting them to dummy variables. Dummy variables are usually ones and zeros that indicate the presence or absence of a categorical feature. In this kind of situation, you also avoid the dummy variable trap by dropping the first dummy.

      Note: The dummy variable trap is a situation whereby two or more variables are highly correlated. This leads to your model performing poorly. You, therefore, drop one dummy variable to always remain with N-1 dummy variables. Any of the dummy variables can be dropped because there is no preference as long as you remain with N-1 dummy variables. An example of this is if you were to have an on/off switch. When you create the dummy variable you shall get two columns: an on column and an off column. You can drop one of the columns because if the switch isn't on, then it is off.

      Insert this code in the next notebook cell and execute it:

      feats = ['department','salary']
      df_final = pd.get_dummies(df,columns=feats,drop_first=True)
      

      feats = ['department','salary'] defines the two columns for which you want to create dummy variables. pd.get_dummies(df,columns=feats,drop_first=True) will generate the numerical variables that your employee retention model requires. It does this by converting the feats that you define from categorical to numerical variables.

      Step 1

      You've loaded in the dataset and converted the salary and department columns into a format the keras deep learning model can accept. In the next step, you will split the dataset into a training and testing set.

      Step 2 — Separating Your Training and Testing Datasets

      You'll use scikit-learn to split your dataset into a training and a testing set. This is necessary so you can use part of the employee data to train the model and a part of it to test its performance. Splitting a dataset in this way is a common practice when building deep learning models.

      It is important to implement this split in the dataset so the model you build doesn't have access to the testing data during the training process. This ensures that the model learns only from the training data, and you can then test its performance with the testing data. If you exposed your model to testing data during the training process then it would memorize the expected outcomes. Consequently, it would fail to give accurate predictions on data that it hasn't seen.

      You'll start by importing the train_test_split module from the scikit-learn package. This is the module that will provide the splitting functionality. Insert this code in the next notebook cell and run:

      from sklearn.model_selection import train_test_split
      

      With the train_test_split module imported, you'll use the left column in your dataset to predict if an employee will leave the company. Therefore, it is essential that your deep learning model doesn't come into contact with this column. Insert the following into a cell to drop the left column:

      X = df_final.drop(['left'],axis=1).values
      y = df_final['left'].values
      

      Your deep learning model expects to get the data as arrays. Therefore you use numpy to convert the data to numpy arrays with the .values attribute.

      You're now ready to convert the dataset into a testing and training set. You'll use 70% of the data for training and 30% for testing. The training ratio is more than the testing ratio because you'll need to use most of the data for the training process. If desired, you can also experiment with a ratio of 80% for the training set and 20% for the testing set.

      Now add this code to the next cell and run to split your training and testing data to the specified ratio:

      X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3)
      

      Step 2

      You have now converted the data into the type that Keras expects it to be in (numpy arrays), and your data is split into a training and testing set. You'll pass this data to the keras model later in the tutorial. Beforehand you need to transform the data, which you'll complete in the next step.

      Step 3 — Transforming the Data

      When building deep learning models it is usually good practice to scale your dataset in order to make the computations more efficient. In this step, you'll scale the data using the StandardScaler; this will ensure that your dataset values have a mean of zero and a unit variable. This transforms the dataset to be normally distributed. You'll use the scikit-learn StandardScaler to scale the features to be within the same range. This will transform the values to have a mean of 0 and a standard deviation of 1. This step is important because you're comparing features that have different measurements; so it is typically required in machine learning.

      To scale the training set and the test set, add this code to the notebook cell and run it:

      from sklearn.preprocessing import StandardScaler
      sc = StandardScaler()
      X_train = sc.fit_transform(X_train)
      X_test = sc.transform(X_test)
      

      Here, you start by importing the StandardScaler and calling an instance of it. You then use its fit_transform method to scale the training and testing set.

      You have scaled all your dataset features to be within the same range. You can start building the artificial neural network in the next step.

      Step 4 — Building the Artificial Neural Network

      Now you will use keras to build the deep learning model. To do this, you'll import keras, which will use tensorflow as the backend by default. From keras, you'll then import the Sequential module to initialize the artificial neural network. An artificial neural network is a computational model that is built using inspiration from the workings of the human brain. You'll import the Dense module as well, which will add layers to your deep learning model.

      When building a deep learning model you usually specify three layer types:

      • The input layer is the layer to which you'll pass the features of your dataset. There is no computation that occurs in this layer. It serves to pass features to the hidden layers.
      • The hidden layers are usually the layers between the input layer and the output layer—and there can be more than one. These layers perform the computations and pass the information to the output layer.
      • The output layer represents the layer of your neural network that will give you the results after training your model. It is responsible for producing the output variables.

      To import the Keras, Sequential, and Dense modules, run the following code in your notebook cell:

      import keras
      from keras.models import Sequential
      from keras.layers import Dense
      

      You'll use Sequential to initialize a linear stack of layers. Since this is a classification problem, you'll create a classifier variable. A classification problem is a task where you have labeled data and would like to make some predictions based on the labeled data. Add this code to your notebook to create a classifier variable:

      classifier = Sequential()
      

      You've used Sequential to initialize the classifier.

      You can now start adding layers to your network. Run this code in your next cell:

      classifier.add(Dense(9, kernel_initializer = "uniform",activation = "relu", input_dim=18))
      

      You add layers using the .add() function on your classifier and specify some parameters:

      • The first parameter is the number of nodes that your network should have. The connection between different nodes is what forms the neural network. One of the strategies to determine the number of nodes is to take the average of the nodes in the input layer and the output layer.

      • The second parameter is the kernel_initializer. When you fit your deep learning model the weights will be initialized to numbers close to zero, but not zero. To achieve this you use the uniform distribution initializer. kernel_initializer is the function that initializes the weights.

      • The third parameter is the activation function. Your deep learning model will learn through this function. There are usually linear and non-linear activation functions. You use the relu activation function because it generalizes well on your data. Linear functions are not good for problems like these because they form a straight line.

      • The last parameter is input_dim, which represents the number of features in your dataset.

      Now you'll add the output layer that will give you the predictions:

      classifier.add(Dense(1, kernel_initializer = "uniform",activation = "sigmoid"))
      

      The output layer takes the following parameters:

      • The number of output nodes. You expect to get one output: if an employee leaves the company. Therefore you specify one output node.

      • For kernel_initializer you use the sigmoid activation function so that you can get the probability that an employee will leave. In the event that you were dealing with more than two categories, you would use the softmax activation function, which is a variant of the sigmoid activation function.

      Next, you'll apply a gradient descent to the neural network. This is an optimization strategy that works to reduce errors during the training process. Gradient descent is how randomly assigned weights in a neural network are adjusted by reducing the cost function, which is a measure of how well a neural network performs based on the output expected from it.

      The aim of a gradient descent is to get the point where the error is at its least. This is done by finding where the cost function is at its minimum, which is referred to as a local minimum. In gradient descent, you differentiate to find the slope at a specific point and find out if the slope is negative or positive—you're descending into the minimum of the cost function. There are several types of optimization strategies, but you'll use a popular one known as adam in this tutorial.

      Add this code to your notebook cell and run it:

      classifier.compile(optimizer= "adam",loss = "binary_crossentropy",metrics = ["accuracy"])
      

      Applying gradient descent is done via the compile function that takes the following parameters:

      • optimizer is the gradient descent.
      • loss is a function that you'll use in the gradient descent. Since this is a binary classification problem you use the binary_crossentropy loss function.
      • The last parameter is the metric that you'll use to evaluate your model. In this case, you'd like to evaluate it based on its accuracy when making predictions.

      You're ready to fit your classifier to your dataset. Keras makes this possible via the .fit() method. To do this, insert the following code into your notebook and run it in order to fit the model to your dataset:

      classifier.fit(X_train, y_train, batch_size = 10, epochs = 1)
      

      Fitting the dataset

      The .fit() method takes a couple of parameters:

      • The first parameter is the training set with the features.

      • The second parameter is the column that you're making the predictions on.

      • The batch_size represents the number of samples that will go through the neural network at each training round.

      • epochs represents the number of times that the dataset will be passed via the neural network. The more epochs the longer it will take to run your model, which also gives you better results.

      Step 4

      You've created your deep learning model, compiled it, and fitted it to your dataset. You're ready to make some predictions using the deep learning model. In the next step, you'll start making predictions with the dataset that the model hasn't yet seen.

      Step 5 — Running Predictions on the Test Set

      To start making predictions, you'll use the testing dataset in the model that you've created. Keras enables you to make predictions by using the .predict() function.

      Insert the following code in the next notebook cell to begin making predictions:

      y_pred = classifier.predict(X_test)
      

      Since you've already trained the classifier with the training set, this code will use the learning from the training process to make predictions on the test set. This will give you the probabilities of an employee leaving. You'll work with a probability of 50% and above to indicate a high chance of the employee leaving the company.

      Enter the following line of code in your notebook cell in order to set this threshold:

      y_pred = (y_pred > 0.5)
      

      You've created predictions using the predict method and set the threshold for determining if an employee is likely to leave. To evaluate how well the model performed on the predictions, you will next use a confusion matrix.

      Step 6 — Checking the Confusion Matrix

      In this step, you will use a confusion matrix to check the number of correct and incorrect predictions. A confusion matrix, also known as an error matrix, is a square matrix that reports the number of true positives(tp), false positives(fp), true negatives(tn), and false negatives(fn) of a classifier.

      • A true positive is an outcome where the model correctly predicts the positive class (also known as sensitivity or recall).
      • A true negative is an outcome where the model correctly predicts the negative class.
      • A false positive is an outcome where the model incorrectly predicts the positive class.
      • A false negative is an outcome where the model incorrectly predicts the negative class.

      To achieve this you'll use a confusion matrix that scikit-learn provides.

      Insert this code in the next notebook cell to import the scikit-learn confusion matrix:

      from sklearn.metrics import confusion_matrix
      cm = confusion_matrix(y_test, y_pred)
      cm
      

      The confusion matrix output means that your deep learning model made 3305 + 375 correct predictions and 106 + 714 wrong predictions. You can calculate the accuracy with: (3305 + 375) / 4500. The total number of observations in your dataset is 4500. This gives you an accuracy of 81.7%. This is a very good accuracy rate since you can achieve at least 81% correct predictions from your model.

      Output

      array([[3305, 106], [ 714, 375]])

      You've evaluated your model using the confusion matrix. Next, you'll work on making a single prediction using the model that you have developed.

      Step 7 — Making a Single Prediction

      In this step you'll make a single prediction given the details of one employee with your model. You will achieve this by predicting the probability of a single employee leaving the company. You'll pass this employee's features to the predict method. As you did earlier, you'll scale the features as well and convert them to a numpy array.

      To pass the employee's features, run the following code in a cell:

      new_pred = classifier.predict(sc.transform(np.array([[0.26,0.7 ,3., 238., 6., 0.,0.,0.,0., 0.,0.,0.,0.,0.,1.,0., 0.,1.]])))
      

      These features represent the features of a single employee. As shown in the dataset in step 1, these features represent: satisfaction level, last evaluation, number of projects, and so on. As you did in step 3, you have to transform the features in a manner that the deep learning model can accept.

      Add a threshold of 50% with the following code:

      new_pred = (new_pred > 0.5)
      new_pred
      

      This threshold indicates that where the probability is above 50% an employee will leave the company.

      You can see in your output that the employee won't leave the company:

      Output

      array([[False]])

      You might decide to set a lower or higher threshold for your model. For example, you can set the threshold to be 60%:

      new_pred = (new_pred > 0.6)
      new_pred
      

      This new threshold still shows that the employee won't leave the company:

      Output

      array([[False]])

      In this step, you have seen how to make a single prediction given the features of a single employee. In the next step, you will work on improving the accuracy of your model.

      Step 8 — Improving the Model Accuracy

      If you train your model many times you'll keep getting different results. The accuracies for each training have a high variance. In order to solve this problem, you'll use K-fold cross-validation. Usually, K is set to 10. In this technique, the model is trained on the first 9 folds and tested on the last fold. This iteration continues until all folds have been used. Each of the iterations gives its own accuracy. The accuracy of the model becomes the average of all these accuracies.

      keras enables you to implement K-fold cross-validation via the KerasClassifier wrapper. This wrapper is from scikit-learn cross-validation. You'll start by importing the cross_val_score cross-validation function and the KerasClassifier. To do this, insert and run the following code in your notebook cell:

      from keras.wrappers.scikit_learn import KerasClassifier
      from sklearn.model_selection import cross_val_score
      

      To create the function that you will pass to the KerasClassifier, add this code to the next cell:

      def make_classifier():
          classifier = Sequential()
          classifier.add(Dense(9, kernel_initializer = "uniform", activation = "relu", input_dim=18))
          classifier.add(Dense(1, kernel_initializer = "uniform", activation = "sigmoid"))
          classifier.compile(optimizer= "adam",loss = "binary_crossentropy",metrics = ["accuracy"])
          return classifier
      

      Here, you create a function that you'll pass to the KerasClassifier—the function is one of the arguments that the classifier expects. The function is a wrapper of the neural network design that you used earlier. The passed parameters are also similar to the ones used earlier in the tutorial. In the function, you first initialize the classifier using Sequential(), you then use Dense to add the input and output layer. Finally, you compile the classifier and return it.

      To pass the function you've built to the KerasClassifier, add this line of code to your notebook:

      classifier = KerasClassifier(build_fn = make_classifier, batch_size=10, nb_epoch=1)
      

      The KerasClassifier takes three arguments:

      • build_fn: the function with the neural network design
      • batch_size: the number of samples to be passed via the network in each iteration
      • nb_epoch: the number of epochs the network will run

      Next, you apply the cross-validation using Scikit-learn's cross_val_score. Add the following code to your notebook cell and run it:

      accuracies = cross_val_score(estimator = classifier,X = X_train,y = y_train,cv = 10,n_jobs = -1)
      

      This function will give you ten accuracies since you have specified the number of folds as 10. Therefore, you assign it to the accuracies variable and later use it to compute the mean accuracy. It takes the following arguments:

      • estimator: the classifier that you've just defined
      • X: the training set features
      • y: the value to be predicted in the training set
      • cv: the number of folds
      • n_jobs: the number of CPUs to use (specifying it as -1 will make use of all the available CPUs)

      Now you have applied the cross-validation, you can compute the mean and variance of the accuracies. To achieve this, insert the following code into your notebook:

      mean = accuracies.mean()
      mean
      

      In your output you'll see that the mean is 83%:

      Output

      0.8343617910685696

      To compute the variance of the accuracies, add this code to the next notebook cell:

      variance = accuracies.var()
      variance
      

      You see that the variance is 0.00109. Since the variance is very low, it means that your model is performing very well.

      Output

      0.0010935021002275425

      You've improved your model's accuracy by using K-Fold cross-validation. In the next step, you'll work on the overfitting problem.

      Step 9 — Adding Dropout Regularization to Fight Over-Fitting

      Predictive models are prone to a problem known as overfitting. This is a scenario whereby the model memorizes the results in the training set and isn't able to generalize on data that it hasn't seen. Typically you observe overfitting when you have a very high variance on accuracies. To help fight over-fitting in your model, you will add a layer to your model.

      In neural networks, dropout regularization is the technique that fights overfitting by adding a Dropout layer in your neural network. It has a rate parameter that indicates the number of neurons that will deactivate at each iteration. The process of deactivating nerurons is usually random. In this case, you specify 0.1 as the rate meaning that 1% of the neurons will deactivate during the training process. The network design remains the same.

      To add your Dropout layer, add the following code to the next cell:

      from keras.layers import Dropout
      
      classifier = Sequential()
      classifier.add(Dense(9, kernel_initializer = "uniform", activation = "relu", input_dim=18))
      classifier.add(Dropout(rate = 0.1))
      classifier.add(Dense(1, kernel_initializer = "uniform", activation = "sigmoid"))
      classifier.compile(optimizer= "adam",loss = "binary_crossentropy",metrics = ["accuracy"])
      

      You have added a Dropout layer between the input and output layer. Having set a dropout rate of 0.1 means that during the training process 15 of the neurons will deactivate so that the classifier doesn't overfit on the training set. After adding the Dropout and output layers you then compiled the classifier as you have done previously.

      You worked to fight over-fitting in this step with a Dropout layer. Next, you'll work on further improving the model by tuning the parameters you used while creating the model.

      Step 10 — Hyperparameter Tuning

      Grid search is a technique that you can use to experiment with different model parameters in order to obtain the ones that give you the best accuracy. The technique does this by trying different parameters and returning those that give the best results. You'll use grid search to search for the best parameters for your deep learning model. This will help in improving model accuracy. scikit-learn provides the GridSearchCV function to enable this functionality. You will now proceed to modify the make_classifier function to try out different parameters.

      Add this code to your notebook to modify the make_classifier function so you can test out different optimizer functions:

      from sklearn.model_selection import GridSearchCV
      def make_classifier(optimizer):
          classifier = Sequential()
          classifier.add(Dense(9, kernel_initializer = "uniform", activation = "relu", input_dim=18))
          classifier.add(Dense(1, kernel_initializer = "uniform", activation = "sigmoid"))
          classifier.compile(optimizer= optimizer,loss = "binary_crossentropy",metrics = ["accuracy"])
          return classifier
      

      You have started by importing GridSearchCV. You have then made changes to the make_classifier function so that you can try different optimizers. You've initialized the classifier, added the input and output layer, and then compiled the classifier. Finally, you have returned the classifier so you can use it.

      Like in step 4, insert this line of code to define the classifier:

      classifier = KerasClassifier(build_fn = make_classifier)
      

      You've defined the classifier using the KerasClassifier, which expects a function through the build_fn parameter. You have called the KerasClassifier and passed the make_classifier function that you created earlier.

      You will now proceed to set a couple of parameters that you wish to experiment with. Enter this code into a cell and run:

      params = {
          'batch_size':[20,35],
          'epochs':[2,3],
          'optimizer':['adam','rmsprop']
      }
      

      Here you have added different batch sizes, number of epochs, and different types of optimizer functions.

      For a small dataset like yours, a batch size of between 20–35 is good. For large datasets its important to experiment with larger batch sizes. Using low numbers for the number of epochs ensures that you get results within a short period. However, you can experiment with bigger numbers that will take a while to complete depending on the processing speed of your server. The adam and rmsprop optimizers from keras are a good choice for this type of neural network.

      Now you're going to use the different parameters you have defined to search for the best parameters using the GridSearchCV function. Enter this into the next cell and run it:

      grid_search = GridSearchCV(estimator=classifier,
                                 param_grid=params,
                                 scoring="accuracy",
                                 cv=2)
      

      The grid search function expects the following parameters:

      • estimator: the classifier that you're using.
      • param_grid: the set of parameters that you're going to test.
      • scoring: the metric you're using.
      • cv: the number of folds you'll test on.

      Next, you fit this grid_search to your training dataset:

      grid_search = grid_search.fit(X_train,y_train)
      

      Your output will be similar to the following, wait a moment for it to complete:

      Output

      Epoch 1/2 5249/5249 [==============================] - 1s 228us/step - loss: 0.5958 - acc: 0.7645 Epoch 2/2 5249/5249 [==============================] - 0s 82us/step - loss: 0.3962 - acc: 0.8510 Epoch 1/2 5250/5250 [==============================] - 1s 222us/step - loss: 0.5935 - acc: 0.7596 Epoch 2/2 5250/5250 [==============================] - 0s 85us/step - loss: 0.4080 - acc: 0.8029 Epoch 1/2 5249/5249 [==============================] - 1s 214us/step - loss: 0.5929 - acc: 0.7676 Epoch 2/2 5249/5249 [==============================] - 0s 82us/step - loss: 0.4261 - acc: 0.7864

      Add the following code to a notebook cell to obtain the best parameters from this search using the best_params_ attribute:

      best_param = grid_search.best_params_
      best_accuracy = grid_search.best_score_
      

      You can now check the best parameters for your model with the following code:

      best_param
      

      Your output shows that the best batch size is 20, the best number of epochs is 2, and the adam optimizer is the best for your model:

      Output

      {'batch_size': 20, 'epochs': 2, 'optimizer': 'adam'}

      You can check the best accuracy for your model. The best_accuracy number represents the highest accuracy you obtain from the best parameters after running the grid search:

      best_accuracy
      

      Your output will be similar to the following:

      Output

      0.8533193637489285

      You've used GridSearch to figure out the best parameters for your classifier. You have seen that the best batch_size is 20, the best optimizer is the adam optimizer and the best number of epochs is 2. You have also obtained the best accuracy for your classifier as being 85%. You've built an employee retention model that is able to predict if an employee stays or leaves with an accuracy of up to 85%.

      Conclusion

      In this tutorial, you've used Keras to build an artificial neural network that predicts the probability that an employee will leave a company. You combined your previous knowledge in machine learning using scikit-learn to achieve this. To further improve your model, you can try different activation functions or optimizer functions from keras. You could also experiment with a different number of folds, or, even build a model with a different dataset.

      For other tutorials in the machine learning field or using TensorFlow, you can try building a neural network to recognize handwritten digits or other DigitalOcean machine learning tutorials.



      Source link

      Bias-Variance for Deep Reinforcement Learning: How To Build a Bot for Atari with OpenAI Gym


      Introduction

      Reinforcement learning is a subfield within control theory, which concerns controlling systems that change over time and broadly includes applications such as self-driving cars, robotics, and bots for games. Throughout this guide, you will use reinforcement learning to build a bot for Atari video games. This bot is not given access to internal information about the game. Instead, it’s only given access to the game’s rendered display and the reward for that display, meaning that it can only see what a human player would see.

      In machine learning, a bot is formally known as an agent. In the case of this tutorial, an agent is a “player” in the system that acts according to a decision-making function, called a policy. The primary goal is to develop strong agents by arming them with strong policies. In other words, our aim is to develop intelligent bots by arming them with strong decision-making capabilities.

      You will begin this tutorial by training a basic reinforcement learning agent that takes random actions when playing Space Invaders, the classic Atari arcade game, which will serve as your baseline for comparison. Following this, you will explore several other techniques — including Q-learning, deep Q-learning, and least squares — while building agents that play Space Invaders and Frozen Lake, a simple game environment included in Gym, a reinforcement learning toolkit released by OpenAI. By following this tutorial, you will gain an understanding of the fundamental concepts that govern one’s choice of model complexity in machine learning.

      Prerequisites

      To complete this tutorial, you will need:

      Alternatively, you can follow this tutorial from a local machine running MacOS. Follow our guide on How To Install Python 3 and Set Up a Local Programming Environment on macOS to install Homebrew and Python 3, as well as set up a new virtual environment.

      Step 1 — Creating the Project and Installing Dependencies

      In order to set up the development environment for your bots, you must download the game itself and the libraries needed for computation.

      Begin by creating a workspace for this project named AtariBot:

      Navigate to the new AtariBot directory:

      Then create a new virtual environment for the project. You can name this virtual environment anything you'd like; here, we will name it ataribot:

      Activate your environment:

      • source ataribot/bin/activate

      On Ubuntu, as of version 16.04, OpenCV requires a few more packages to be installed in order to function. These include CMake — an application that manages software build processes — as well as a session manager, miscellaneous extensions, and digital image composition. Run the following command to install these packages:

      • sudo apt-get install -y cmake libsm6 libxext6 libxrender-dev libz-dev

      NOTE: If you're following this guide on a local machine running MacOS, the only additional software you need to install is CMake. Install it using Homebrew (which you will have installed if you followed the prerequisite MacOS tutorial) by typing:

      Next, use pip to install the wheel package, the reference implementation of the wheel packaging standard. A Python library, this package serves as an extension for building wheels and includes a command line tool for working with .whl files:

      • python -m pip install wheel

      In addition to wheel, you'll need to install the following packages:

      • Gym, a Python library that makes various games available for research, as well as all dependencies for the Atari games. Developed by OpenAI, Gym offers public benchmarks for each of the games so that the performance for various agents and algorithms can be uniformly /evaluated.
      • Tensorflow, a deep learning library. This library gives us the ability to run computations more efficiently. Specifically, it does this by building mathematical functions using Tensorflow's abstractions that run exclusively on your GPU.
      • OpenCV, the computer vision library mentioned previously.
      • SciPy, a scientific computing library that offers efficient optimization algorithms.
      • NumPy, a linear algebra library.

      Install each of these packages with the following command. Note that this command specifies which version of each package to install:

      • python -m pip install gym==0.9.5 tensorflow==1.5.0 tensorpack==0.8.0 numpy==1.14.0 scipy==1.1.0 opencv-python==3.4.1.15

      Following this, use pip once more to install Gym's Atari environments, which includes a variety of Atari video games, including Space Invaders:

      • python -m pip install gym[atari]

      If your installation of the gym[atari] package was successful, your output will end with the following:

      Output

      Installing collected packages: atari-py, Pillow, PyOpenGL Successfully installed Pillow-5.4.1 PyOpenGL-3.1.0 atari-py-0.1.7

      With these dependencies installed, you're ready to move on and build an agent that plays randomly to serve as your baseline for comparison.

      Step 2 — Creating a Baseline Random Agent with Gym

      Now that the required software is on your server, you will set up an agent that will play a simplified version of the classic Atari game, Space Invaders. For any experiment, it is necessary to obtain a baseline to help you understand how well your model performs. Because this agent takes random actions at each frame, we'll refer to it as our random, baseline agent. In this case, you will compare against this baseline agent to understand how well your agents perform in later steps.

      With Gym, you maintain your own game loop. This means that you handle every step of the game's execution: at every time step, you give the gym a new action and ask gym for the game state. In this tutorial, the game state is the game's appearance at a given time step, and is precisely what you would see if you were playing the game.

      Using your preferred text editor, create a Python file named bot_2_random.py. Here, we'll use nano:

      Note: Throughout this guide, the bots' names are aligned with the Step number in which they appear, rather than the order in which they appear. Hence, this bot is named bot_2_random.py rather than bot_1_random.py.

      Start this script by adding the following highlighted lines. These lines include a comment block that explains what this script will do and two import statements that will import the packages this script will ultimately need in order to function:

      /AtariBot/bot_2_random.py

      """
      Bot 2 -- Make a random, baseline agent for the SpaceInvaders game.
      """
      
      import gym
      import random
      

      Add a main function. In this function, create the game environment — SpaceInvaders-v0 — and then initialize the game using env.reset:

      /AtariBot/bot_2_random.py

      . . .
      import gym
      import random
      
      def main():
          env = gym.make('SpaceInvaders-v0')
          env.reset()
      
      

      Next, add an env.step function. This function can return the following kinds of values:

      • state: The new state of the game, after applying the provided action.
      • reward: The increase in score that the state incurs. By way of example, this could be when a bullet has destroyed an alien, and the score increases by 50 points. Then, reward = 50. In playing any score-based game, the player's goal is to maximize the score. This is synonymous with maximizing the total reward.
      • done: Whether or not the episode has ended, which usually occurs when a player has lost all lives.
      • info: Extraneous information that you'll put aside for now.

      You will use reward to count your total reward. You'll also use done to determine when the player dies, which will be when done returns True.

      Add the following game loop, which instructs the game to loop until the player dies:

      /AtariBot/bot_2_random.py

      . . .
      def main():
          env = gym.make('SpaceInvaders-v0')
          env.reset()
      
          episode_reward = 0
          while True:
              action = env.action_space.sample()
              _, reward, done, _ = env.step(action)
              episode_reward += reward
              if done:
                  print('Reward: %s' % episode_reward)
                  break
      
      

      Finally, run the main function. Include a __name__ check to ensure that main only runs when you invoke it directly with python bot_2_random.py. If you do not add the if check, main will always be triggered when the Python file is executed, even when you import the file. Consequently, it's a good practice to place the code in a main function, executed only when __name__ == '__main__'.

      /AtariBot/bot_2_random.py

      . . .
      def main():
          . . .
          if done:
              print('Reward %s' % episode_reward)
              break
      
      if __name__ == '__main__':
          main()
      

      Save the file and exit the editor. If you're using nano, do so by pressing CTRL+X, Y, then ENTER. Then, run your script by typing:

      Your program will output a number, akin to the following. Note that each time you run the file you will get a different result:

      Output

      Making new env: SpaceInvaders-v0 Reward: 210.0

      These random results present an issue. In order to produce work that other researchers and practitioners can benefit from, your results and trials must be reproducible. To correct this, reopen the script file:

      After import random, add random.seed(0). After env = gym.make('SpaceInvaders-v0'), add env.seed(0). Together, these lines "seed" the environment with a consistent starting point, ensuring that the results will always be reproducible. Your final file will match the following, exactly:

      /AtariBot/bot_2_random.py

      """
      Bot 2 -- Make a random, baseline agent for the SpaceInvaders game.
      """
      
      import gym
      import random
      random.seed(0)
      
      
      def main():
          env = gym.make('SpaceInvaders-v0')
          env.seed(0)
      
          env.reset()
          episode_reward = 0
          while True:
              action = env.action_space.sample()
              _, reward, done, _ = env.step(action)
              episode_reward += reward
              if done:
                  print('Reward: %s' % episode_reward)
                  break
      
      
      if __name__ == '__main__':
          main()
      

      Save the file and close your editor, then run the script by typing the following in your terminal:

      This will output the following reward, exactly:

      Output

      Making new env: SpaceInvaders-v0 Reward: 555.0

      This is your very first bot, although it's rather unintelligent since it doesn't account for the surrounding environment when it makes decisions. For a more reliable estimate of your bot's performance, you could have the agent run for multiple episodes at a time, reporting rewards averaged across multiple episodes. To configure this, first reopen the file:

      After random.seed(0), add the following highlighted line which tells the agent to play the game for 10 episodes:

      /AtariBot/bot_2_random.py

      . . .
      random.seed(0)
      
      num_episodes = 10
      . . .
      

      Right after env.seed(0), start a new list of rewards:

      /AtariBot/bot_2_random.py

      . . .
          env.seed(0)
          rewards = []
      . . .
      

      Nest all code from env.reset() to the end of main() in a for loop, iterating num_episodes times. Make sure to indent each line from env.reset() to break by four spaces:

      /AtariBot/bot_2_random.py

      . . .
      def main():
          env = gym.make('SpaceInvaders-v0')
          env.seed(0)
          rewards = []
      
          for _ in range(num_episodes):
              env.reset()
              episode_reward = 0
      
              while True:
                  ...
      

      Right before break, currently the last line of the main game loop, add the current episode's reward to the list of all rewards:

      /AtariBot/bot_2_random.py

      . . .
              if done:
                  print('Reward: %s' % episode_reward)
                  rewards.append(episode_reward)
                  break
      . . .
      

      At the end of the main function, report the average reward:

      /AtariBot/bot_2_random.py

      . . .
      def main():
          ...
                  print('Reward: %s' % episode_reward)
                  break
          print('Average reward: %.2f' % (sum(rewards) / len(rewards)))
          . . .
      

      Your file will now align with the following. Please note that the following code block includes a few comments to clarify key parts of the script:

      /AtariBot/bot_2_random.py

      """
      Bot 2 -- Make a random, baseline agent for the SpaceInvaders game.
      """
      
      import gym
      import random
      random.seed(0)  # make results reproducible
      
      num_episodes = 10
      
      
      def main():
          env = gym.make('SpaceInvaders-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
      
          for _ in range(num_episodes):
              env.reset()
              episode_reward = 0
              while True:
                  action = env.action_space.sample()
                  _, reward, done, _ = env.step(action)  # random action
                  episode_reward += reward
                  if done:
                      print('Reward: %d' % episode_reward)
                      rewards.append(episode_reward)
                      break
          print('Average reward: %.2f' % (sum(rewards) / len(rewards)))
      
      
      if __name__ == '__main__':
          main()
      

      Save the file, exit the editor, and run the script:

      This will print the following average reward, exactly:

      Output

      Making new env: SpaceInvaders-v0 . . . Average reward: 163.50

      We now have a more reliable estimate of the baseline score to beat. To create a superior agent, though, you will need to understand the framework for reinforcement learning. How can one make the abstract notion of "decision-making" more concrete?

      Understanding Reinforcement Learning

      In any game, the player's goal is to maximize their score. In this guide, the player's score is referred to as its reward. To maximize their reward, the player must be able to refine its decision-making abilities. Formally, a decision is the process of looking at the game, or observing the game's state, and picking an action. Our decision-making function is called a policy; a policy accepts a state as input and "decides" on an action:

      policy: state -> action
      

      To build such a function, we will start with a specific set of algorithms in reinforcement learning called Q-learning algorithms. To illustrate these, consider the initial state of a game, which we'll call state0: your spaceship and the aliens are all in their starting positions. Then, assume we have access to a magical "Q-table" which tells us how much reward each action will earn:

      stateactionreward
      state0shoot10
      state0right3
      state0left3

      The shoot action will maximize your reward, as it results in the reward with the highest value: 10. As you can see, a Q-table provides a straightforward way to make decisions, based on the observed state:

      policy: state -> look at Q-table, pick action with greatest reward
      

      However, most games have too many states to list in a table. In such cases, the Q-learning agent learns a Q-function instead of a Q-table. We use this Q-function similarly to how we used the Q-table previously. Rewriting the table entries as functions gives us the following:

      Q(state0, shoot) = 10
      Q(state0, right) = 3
      Q(state0, left) = 3
      

      Given a particular state, it's easy for us to make a decision: we simply look at each possible action and its reward, then take the action that corresponds with the highest expected reward. Reformulating the earlier policy more formally, we have:

      policy: state -> argmax_{action} Q(state, action)
      

      This satisfies the requirements of a decision-making function: given a state in the game, it decides on an action. However, this solution depends on knowing Q(state, action) for every state and action. To estimate Q(state, action), consider the following:

      1. Given many observations of an agent's states, actions, and rewards, one can obtain an estimate of the reward for every state and action by taking a running average.
      2. Space Invaders is a game with delayed rewards: the player is rewarded when the alien is blown up and not when the player shoots. However, the player taking an action by shooting is the true impetus for the reward. Somehow, the Q-function must assign (state0, shoot) a positive reward.

      These two insights are codified in the following equations:

      Q(state, action) = (1 - learning_rate) * Q(state, action) + learning_rate * Q_target
      Q_target = reward + discount_factor * max_{action'} Q(state', action')
      

      These equations use the following definitions:

      • state: the state at current time step
      • action: the action taken at current time step
      • reward: the reward for current time step
      • state': the new state for next time step, given that we took action a
      • action': all possible actions
      • learning_rate: the learning rate
      • discount_factor: the discount factor, how much reward "degrades" as we propagate it

      For a complete explanation of these two equations, see this article on Understanding Q-Learning.

      With this understanding of reinforcement learning in mind, all that remains is to actually run the game and obtain these Q-value estimates for a new policy.

      Step 3 — Creating a Simple Q-learning Agent for Frozen Lake

      Now that you have a baseline agent, you can begin creating new agents and compare them against the original. In this step, you will create an agent that uses Q-learning, a reinforcement learning technique used to teach an agent which action to take given a certain state. This agent will play a new game, FrozenLake. The setup for this game is described as follows on the Gym website:

      Winter is here. You and your friends were tossing around a frisbee at the park when you made a wild throw that left the frisbee out in the middle of the lake. The water is mostly frozen, but there are a few holes where the ice has melted. If you step into one of those holes, you'll fall into the freezing water. At this time, there's an international frisbee shortage, so it's absolutely imperative that you navigate across the lake and retrieve the disc. However, the ice is slippery, so you won't always move in the direction you intend.

      The surface is described using a grid like the following:

      SFFF       (S: starting point, safe)
      FHFH       (F: frozen surface, safe)
      FFFH       (H: hole, fall to your doom)
      HFFG       (G: goal, where the frisbee is located)
      

      The player starts at the top left, denoted by S, and works its way to the goal at the bottom right, denoted by G. The available actions are right, left, up, and down, and reaching the goal results in a score of 1. There are a number of holes, denoted H, and falling into one immediately results in a score of 0.

      In this section, you will implement a simple Q-learning agent. Using what you've learned previously, you will create an agent that trades off between exploration and exploitation. In this context, exploration means the agent acts randomly, and exploitation means it uses its Q-values to choose what it believes to be the optimal action. You will also create a table to hold the Q-values, updating it incrementally as the agent acts and learns.

      Make a copy of your script from Step 2:

      • cp bot_2_random.py bot_3_q_table.py

      Then open up this new file for editing:

      Begin by updating the comment at the top of the file that describes the script's purpose. Because this is only a comment, this change isn't necessary for the script to function properly, but it can be helpful for keeping track of what the script does:

      /AtariBot/bot_3_q_table.py

      """
      Bot 3 -- Build simple q-learning agent for FrozenLake
      """
      
      . . .
      

      Before you make functional modifications to the script, you will need to import numpy for its linear algebra utilities. Right underneath import gym, add the highlighted line:

      /AtariBot/bot_3_q_table.py

      """
      Bot 3 -- Build simple q-learning agent for FrozenLake
      """
      
      import gym
      import numpy as np
      import random
      random.seed(0)  # make results reproducible
      . . .
      

      Underneath random.seed(0), add a seed for numpy:

      /AtariBot/bot_3_q_table.py

      . . .
      import random
      random.seed(0)  # make results reproducible
      np.random.seed(0)
      . . .
      

      Next, make the game states accessible. Update the env.reset() line to say the following, which stores the initial state of the game in the variable state:

      /AtariBot/bot_3_q_table.py

      . . .
          for _ in range(num_episodes):
              state = env.reset()
              . . .
      

      Update the env.step(...) line to say the following, which stores the next state, state2. You will need both the current state and the next one — state2 — to update the Q-function.

      /AtariBot/bot_3_q_table.py

              . . .
              while True:
                  action = env.action_space.sample()
                  state2, reward, done, _ = env.step(action)
                  . . .
      

      After episode_reward += reward, add a line updating the variable state. This keeps the variable state updated for the next iteration, as you will expect state to reflect the current state:

      /AtariBot/bot_3_q_table.py

      . . .
              while True:
                  . . .
                  episode_reward += reward
                  state = state2
                  if done:
                      . . .
      

      In the if done block, delete the print statement which prints the reward for each episode. Instead, you'll output the average reward over many episodes. The if done block will then look like this:

      /AtariBot/bot_3_q_table.py

                  . . .
                  if done:
                      rewards.append(episode_reward)
                      break
                      . . .
      

      After these modifications your game loop will match the following:

      /AtariBot/bot_3_q_table.py

      . . .
          for _ in range(num_episodes):
              state = env.reset()
              episode_reward = 0
              while True:
                  action = env.action_space.sample()
                  state2, reward, done, _ = env.step(action)
                  episode_reward += reward
                  state = state2
                  if done:
                      rewards.append(episode_reward))
                      break
                      . . .
      

      Next, add the ability for the agent to trade off between exploration and exploitation. Right before your main game loop (which starts with for...), create the Q-value table:

      /AtariBot/bot_3_q_table.py

      . . .
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for _ in range(num_episodes):
            . . .
      

      Then, rewrite the for loop to expose the episode number:

      /AtariBot/bot_3_q_table.py

      . . .
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
            . . .
      

      Inside the while True: inner game loop, create noise. Noise, or meaningless, random data, is sometimes introduced when training deep neural networks because it can improve both the performance and the accuracy of the model. Note that the higher the noise, the less the values in Q[state, :] matter. As a result, the higher the noise, the more likely that the agent acts independently of its knowledge of the game. In other words, higher noise encourages the agent to explore random actions:

      /AtariBot/bot_3_q_table.py

              . . .
              while True:
                  noise = np.random.random((1, env.action_space.n)) / (episode**2.)
                  action = env.action_space.sample()
                  . . .
      

      Note that as episodes increases, the amount of noise decreases quadratically: as time goes on, the agent explores less and less because it can trust its own assessment of the game's reward and begin to exploit its knowledge.

      Update the action line to have your agent pick actions according to the Q-value table, with some exploration built in:

      /AtariBot/bot_3_q_table.py

                  . . .
                  noise = np.random.random((1, env.action_space.n)) / (episode**2.)
                  action = np.argmax(Q[state, :] + noise)
                  state2, reward, done, _ = env.step(action)
                  . . .
      

      Your main game loop will then match the following:

      /AtariBot/bot_3_q_table.py

      . . .
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              state = env.reset()
              episode_reward = 0
              while True:
                  noise = np.random.random((1, env.action_space.n)) / (episode**2.)
                  action = np.argmax(Q[state, :] + noise)
                  state2, reward, done, _ = env.step(action)
                  episode_reward += reward
                  state = state2
                  if done:
                      rewards.append(episode_reward)
                      break
                      . . .
      

      Next, you will update your Q-value table using the Bellman update equation, an equation widely used in machine learning to find the optimal policy within a given environment.

      The Bellman equation incorporates two ideas that are highly relevant to this project. First, taking a particular action from a particular state many times will result in a good estimate for the Q-value associated with that state and action. To this end, you will increase the number of episodes this bot must play through in order to return a stronger Q-value estimate. Second, rewards must propagate through time, so that the original action is assigned a non-zero reward. This idea is clearest in games with delayed rewards; for example, in Space Invaders, the player is rewarded when the alien is blown up and not when the player shoots. However, the player shooting is the true impetus for a reward. Likewise, the Q-function must assign (state0, shoot) a positive reward.

      First, update num_episodes to equal 4000:

      /AtariBot/bot_3_q_table.py

      . . .
      np.random.seed(0)
      
      num_episodes = 4000
      . . .
      

      Then, add the necessary hyperparameters to the top of the file in the form of two more variables:

      /AtariBot/bot_3_q_table.py

      . . .
      num_episodes = 4000
      discount_factor = 0.8
      learning_rate = 0.9
      . . .
      

      Compute the new target Q-value, right after the line containing env.step(...):

      /AtariBot/bot_3_q_table.py

                  . . .
                  state2, reward, done, _ = env.step(action)
                  Qtarget = reward + discount_factor * np.max(Q[state2, :])
                  episode_reward += reward
                  . . .
      

      On the line directly after Qtarget, update the Q-value table using a weighted average of the old and new Q-values:

      /AtariBot/bot_3_q_table.py

                  . . .
                  Qtarget = reward + discount_factor * np.max(Q[state2, :])
                  Q[state, action] = (1-learning_rate) * Q[state, action] + learning_rate * Qtarget
                  episode_reward += reward
                  . . .
      

      Check that your main game loop now matches the following:

      /AtariBot/bot_3_q_table.py

      . . .
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              state = env.reset()
              episode_reward = 0
              while True:
                  noise = np.random.random((1, env.action_space.n)) / (episode**2.)
                  action = np.argmax(Q[state, :] + noise)
                  state2, reward, done, _ = env.step(action)
                  Qtarget = reward + discount_factor * np.max(Q[state2, :])
                  Q[state, action] = (1-learning_rate) * Q[state, action] + learning_rate * Qtarget
                  episode_reward += reward
                  state = state2
                  if done:
                      rewards.append(episode_reward)
                      break
                      . . .
      

      Our logic for training the agent is now complete. All that's left is to add reporting mechanisms.

      Even though Python does not enforce strict type checking, add types to your function declarations for cleanliness. At the top of the file, before the first line reading import gym, import the List type:

      /AtariBot/bot_3_q_table.py

      . . .
      from typing import List
      import gym
      . . .
      

      Right after learning_rate = 0.9, outside of the main function, declare the interval and format for reports:

      /AtariBot/bot_3_q_table.py

      . . .
      learning_rate = 0.9
      report_interval = 500
      report = '100-ep Average: %.2f . Best 100-ep Average: %.2f . Average: %.2f ' 
               '(Episode %d)'
      
      def main():
        . . .
      

      Before the main function, add a new function that will populate this report string, using the list of all rewards:

      /AtariBot/bot_3_q_table.py

      . . .
      report = '100-ep Average: %.2f . Best 100-ep Average: %.2f . Average: %.2f ' 
               '(Episode %d)'
      
      def print_report(rewards: List, episode: int):
          """Print rewards report for current episode
          - Average for last 100 episodes
          - Best 100-episode average across all time
          - Average for all episodes across time
          """
          print(report % (
              np.mean(rewards[-100:]),
              max([np.mean(rewards[i:i+100]) for i in range(len(rewards) - 100)]),
              np.mean(rewards),
              episode))
      
      
      def main():
        . . .
      

      Change the game to FrozenLake instead of SpaceInvaders:

      /AtariBot/bot_3_q_table.py

      . . .
      def main():
          env = gym.make('FrozenLake-v0')  # create the game
          . . .
      

      After rewards.append(...), print the average reward over the last 100 episodes and print the average reward across all episodes:

      /AtariBot/bot_3_q_table.py

                  . . .
                  if done:
                      rewards.append(episode_reward)
                      if episode % report_interval == 0:
                          print_report(rewards, episode)
                      . . .
      

      At the end of the main() function, report both averages once more. Do this by replacing the line that reads print('Average reward: %.2f' % (sum(rewards) / len(rewards))) with the following highlighted line:

      /AtariBot/bot_3_q_table.py

      . . .
      def main():
          ...
                      break
          print_report(rewards, -1)
      . . .
      

      Finally, you have completed your Q-learning agent. Check that your script aligns with the following:

      /AtariBot/bot_3_q_table.py

      """
      Bot 3 -- Build simple q-learning agent for FrozenLake
      """
      
      from typing import List
      import gym
      import numpy as np
      import random
      random.seed(0)  # make results reproducible
      np.random.seed(0)  # make results reproducible
      
      num_episodes = 4000
      discount_factor = 0.8
      learning_rate = 0.9
      report_interval = 500
      report = '100-ep Average: %.2f . Best 100-ep Average: %.2f . Average: %.2f ' 
               '(Episode %d)'
      
      
      def print_report(rewards: List, episode: int):
          """Print rewards report for current episode
          - Average for last 100 episodes
          - Best 100-episode average across all time
          - Average for all episodes across time
          """
          print(report % (
              np.mean(rewards[-100:]),
              max([np.mean(rewards[i:i+100]) for i in range(len(rewards) - 100)]),
              np.mean(rewards),
              episode))
      
      
      def main():
          env = gym.make('FrozenLake-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
      
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              state = env.reset()
              episode_reward = 0
              while True:
                  noise = np.random.random((1, env.action_space.n)) / (episode**2.)
                  action = np.argmax(Q[state, :] + noise)
                  state2, reward, done, _ = env.step(action)
                  Qtarget = reward + discount_factor * np.max(Q[state2, :])
                  Q[state, action] = (1-learning_rate) * Q[state, action] + learning_rate * Qtarget
                  episode_reward += reward
                  state = state2
                  if done:
                      rewards.append(episode_reward)
                      if episode % report_interval == 0:
                          print_report(rewards, episode)
                      break
          print_report(rewards, -1)
      
      if __name__ == '__main__':
          main()
      

      Save the file, exit your editor, and run the script:

      Your output will match the following:

      Output

      100-ep Average: 0.11 . Best 100-ep Average: 0.12 . Average: 0.03 (Episode 500) 100-ep Average: 0.25 . Best 100-ep Average: 0.24 . Average: 0.09 (Episode 1000) 100-ep Average: 0.39 . Best 100-ep Average: 0.48 . Average: 0.19 (Episode 1500) 100-ep Average: 0.43 . Best 100-ep Average: 0.55 . Average: 0.25 (Episode 2000) 100-ep Average: 0.44 . Best 100-ep Average: 0.55 . Average: 0.29 (Episode 2500) 100-ep Average: 0.64 . Best 100-ep Average: 0.68 . Average: 0.32 (Episode 3000) 100-ep Average: 0.63 . Best 100-ep Average: 0.71 . Average: 0.36 (Episode 3500) 100-ep Average: 0.56 . Best 100-ep Average: 0.78 . Average: 0.40 (Episode 4000) 100-ep Average: 0.56 . Best 100-ep Average: 0.78 . Average: 0.40 (Episode -1)

      You now have your first non-trivial bot for games, but let's put this average reward of 0.78 into perspective. According to the Gym FrozenLake page, "solving" the game means attaining a 100-episode average of 0.78. Informally, "solving" means "plays the game very well". While not in record time, the Q-table agent is able to solve FrozenLake in 4000 episodes.

      However, the game may be more complex. Here, you used a table to store all of the 144 possible states, but consider tic tac toe in which there are 19,683 possible states. Likewise, consider Space Invaders where there are too many possible states to count. A Q-table is not sustainable as games grow increasingly complex. For this reason, you need some way to approximate the Q-table. As you continue experimenting in the next step, you will design a function that can accept states and actions as inputs and output a Q-value.

      Step 4 — Building a Deep Q-learning Agent for Frozen Lake

      In reinforcement learning, the neural network effectively predicts the value of Q based on the state and action inputs, using a table to store all the possible values, but this becomes unstable in complex games. Deep reinforcement learning instead uses a neural network to approximate the Q-function. For more details, see Understanding Deep Q-Learning.

      To get accustomed to Tensorflow, a deep learning library you installed in Step 1, you will reimplement all of the logic used so far with Tensorflow's abstractions and you'll use a neural network to approximate your Q-function. However, your neural network will be extremely simple: your output Q(s) is a matrix W multiplied by your input s. This is known as a neural network with one fully-connected layer:

      Q(s) = Ws
      

      To reiterate, the goal is to reimplement all of the logic from the bots we've already built using Tensorflow's abstractions. This will make your operations more efficient, as Tensorflow can then perform all computation on the GPU.

      Begin by duplicating your Q-table script from Step 3:

      • cp bot_3_q_table.py bot_4_q_network.py

      Then open the new file with nano or your preferred text editor:

      First, update the comment at the top of the file:

      /AtariBot/bot_4_q_network.py

      """
      Bot 4 -- Use Q-learning network to train bot
      """
      
      . . .
      

      Next, import the Tensorflow package by adding an import directive right below import random. Additionally, add tf.set_radon_seed(0) right below np.random.seed(0). This will ensure that the results of this script will be repeatable across all sessions:

      /AtariBot/bot_4_q_network.py

      . . .
      import random
      import tensorflow as tf
      random.seed(0)
      np.random.seed(0)
      tf.set_random_seed(0)
      . . .
      

      Redefine your hyperparameters at the top of the file to match the following and add a function called exploration_probability, which will return the probability of exploration at each step. Remember that, in this context, "exploration" means taking a random action, as opposed to taking the action recommended by the Q-value estimates:

      /AtariBot/bot_4_q_network.py

      . . .
      num_episodes = 4000
      discount_factor = 0.99
      learning_rate = 0.15
      report_interval = 500
      exploration_probability = lambda episode: 50. / (episode + 10)
      report = '100-ep Average: %.2f . Best 100-ep Average: %.2f . Average: %.2f ' 
               '(Episode %d)'
      . . .
      

      Next, you will add a one-hot encoding function. In short, one-hot encoding is a process through which variables are converted into a form that helps machine learning algorithms make better predictions. If you'd like to learn more about one-hot encoding, you can check out Adversarial Examples in Computer Vision: How to Build then Fool an Emotion-Based Dog Filter.

      Directly beneath report = ..., add a one_hot function:

      /AtariBot/bot_4_q_network.py

      . . .
      report = '100-ep Average: %.2f . Best 100-ep Average: %.2f . Average: %.2f ' 
               '(Episode %d)'
      
      def one_hot(i: int, n: int) -> np.array:
          """Implements one-hot encoding by selecting the ith standard basis vector"""
          return np.identity(n)[i].reshape((1, -1))
      
      def print_report(rewards: List, episode: int):
      . . .
      

      Next, you will rewrite your algorithm logic using Tensorflow's abstractions. Before doing that, though, you'll need to first create placeholders for your data.

      In your main function, directly beneath rewards=[], insert the following highlighted content. Here, you define placeholders for your observation at time t (as obs_t_ph) and time t+1 (as obs_tp1_ph), as well as placeholders for your action, reward, and Q target:

      /AtariBot/bot_4_q_network.py

      . . .
      def main():
          env = gym.make('FrozenLake-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
      
          # 1. Setup placeholders
          n_obs, n_actions = env.observation_space.n, env.action_space.n
          obs_t_ph = tf.placeholder(shape=[1, n_obs], dtype=tf.float32)
          obs_tp1_ph = tf.placeholder(shape=[1, n_obs], dtype=tf.float32)
          act_ph = tf.placeholder(tf.int32, shape=())
          rew_ph = tf.placeholder(shape=(), dtype=tf.float32)
          q_target_ph = tf.placeholder(shape=[1, n_actions], dtype=tf.float32)
      
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              . . .
      

      Directly beneath the line beginning with q_target_ph =, insert the following highlighted lines. This code starts your computation by computing Q(s, a) for all a to make q_current and Q(s', a') for all a' to make q_target:

      /AtariBot/bot_4_q_network.py

          . . .
          rew_ph = tf.placeholder(shape=(), dtype=tf.float32)
          q_target_ph = tf.placeholder(shape=[1, n_actions], dtype=tf.float32)
      
          # 2. Setup computation graph
          W = tf.Variable(tf.random_uniform([n_obs, n_actions], 0, 0.01))
          q_current = tf.matmul(obs_t_ph, W)
          q_target = tf.matmul(obs_tp1_ph, W)
      
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              . . .
      

      Again directly beneath the last line you added, insert the following higlighted code. The first two lines are equivalent to the line added in Step 3 that computes Qtarget, where Qtarget = reward + discount_factor * np.max(Q[state2, :]). The next two lines set up your loss, while the last line computes the action that maximizes your Q-value:

      /AtariBot/bot_4_q_network.py

          . . .
          q_current = tf.matmul(obs_t_ph, W)
          q_target = tf.matmul(obs_tp1_ph, W)
      
          q_target_max = tf.reduce_max(q_target_ph, axis=1)
          q_target_sa = rew_ph + discount_factor * q_target_max
          q_current_sa = q_current[0, act_ph]
          error = tf.reduce_sum(tf.square(q_target_sa - q_current_sa))
          pred_act_ph = tf.argmax(q_current, 1)
      
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              . . .
      

      After setting up your algorithm and the loss function, define your optimizer:

      /AtariBot/bot_4_q_network.py

          . . .
          error = tf.reduce_sum(tf.square(q_target_sa - q_current_sa))
          pred_act_ph = tf.argmax(q_current, 1)
      
          # 3. Setup optimization
          trainer = tf.train.GradientDescentOptimizer(learning_rate=learning_rate)
          update_model = trainer.minimize(error)
      
          Q = np.zeros((env.observation_space.n, env.action_space.n))
          for episode in range(1, num_episodes + 1):
              . . .
      

      Next, set up the body of the game loop. To do this, pass data to the Tensorflow placeholders and Tensorflow's abstractions will handle the computation on the GPU, returning the result of the algorithm.

      Start by deleting the old Q-table and logic. Specifically, delete the lines that define Q (right before the for loop), noise (in the while loop), action, Qtarget, and Q[state, action]. Rename state to obs_t and state2 to obs_tp1 to align with the Tensorflow placeholders you set previously. When finished, your for loop will match the following:

      /AtariBot/bot_4_q_network.py

          . . .
          # 3. Setup optimization
          trainer = tf.train.GradientDescentOptimizer(learning_rate=learning_rate)
          update_model = trainer.minimize(error)
      
          for episode in range(1, num_episodes + 1):
              obs_t = env.reset()
              episode_reward = 0
              while True:
      
                  obs_tp1, reward, done, _ = env.step(action)
      
                  episode_reward += reward
                  obs_t = obs_tp1
                  if done:
                      ...
      

      Directly above the for loop, add the following two highlighted lines. These lines initialize a Tensorflow session which in turn manages the resources needed to run operations on the GPU. The second line initializes all the variables in your computation graph; for example, initializing weights to 0 before updating them. Additionally, you will nest the for loop within the with statement, so indent the entire for loop by four spaces:

      /AtariBot/bot_4_q_network.py

          . . .
          trainer = tf.train.GradientDescentOptimizer(learning_rate=learning_rate)
              update_model = trainer.minimize(error)
      
          with tf.Session() as session:
              session.run(tf.global_variables_initializer())
      
              for episode in range(1, num_episodes + 1):
                  obs_t = env.reset()
                  ...
      

      Before the line reading obs_tp1, reward, done, _ = env.step(action), insert the following lines to compute the action. This code evaluates the corresponding placeholder and replaces the action with a random action with some probability:

      /AtariBot/bot_4_q_network.py

                  . . .
                  while True:
                      # 4. Take step using best action or random action
                      obs_t_oh = one_hot(obs_t, n_obs)
                      action = session.run(pred_act_ph, feed_dict={obs_t_ph: obs_t_oh})[0]
                      if np.random.rand(1) < exploration_probability(episode):
                          action = env.action_space.sample()
                      . . .
      

      After the line containing env.step(action), insert the following to train the neural network in estimating your Q-value function:

      /AtariBot/bot_4_q_network.py

                      . . .
                      obs_tp1, reward, done, _ = env.step(action)
      
                      # 5. Train model
                      obs_tp1_oh = one_hot(obs_tp1, n_obs)
                      q_target_val = session.run(q_target, feed_dict={obs_tp1_ph: obs_tp1_oh})
                      session.run(update_model, feed_dict={
                          obs_t_ph: obs_t_oh,
                          rew_ph: reward,
                          q_target_ph: q_target_val,
                          act_ph: action
                      })
                      episode_reward += reward
                      . . .
      

      Your final file will match this file hosted on GitHub. Save the file, exit your editor, and run the script:

      • python bot_4_q_network.py

      Your output will end with the following, exactly:

      Output

      100-ep Average: 0.11 . Best 100-ep Average: 0.11 . Average: 0.05 (Episode 500) 100-ep Average: 0.41 . Best 100-ep Average: 0.54 . Average: 0.19 (Episode 1000) 100-ep Average: 0.56 . Best 100-ep Average: 0.73 . Average: 0.31 (Episode 1500) 100-ep Average: 0.57 . Best 100-ep Average: 0.73 . Average: 0.36 (Episode 2000) 100-ep Average: 0.65 . Best 100-ep Average: 0.73 . Average: 0.41 (Episode 2500) 100-ep Average: 0.65 . Best 100-ep Average: 0.73 . Average: 0.43 (Episode 3000) 100-ep Average: 0.69 . Best 100-ep Average: 0.73 . Average: 0.46 (Episode 3500) 100-ep Average: 0.77 . Best 100-ep Average: 0.79 . Average: 0.48 (Episode 4000) 100-ep Average: 0.77 . Best 100-ep Average: 0.79 . Average: 0.48 (Episode -1)

      You've now trained your very first deep Q-learning agent. For a game as simple as FrozenLake, your deep Q-learning agent required 4000 episodes to train. Imagine if the game were far more complex. How many training samples would that require to train? As it turns out, the agent could require millions of samples. The number of samples required is referred to as sample complexity, a concept explored further in the next section.

      Understanding Bias-Variance Tradeoffs

      Generally speaking, sample complexity is at odds with model complexity in machine learning:

      1. Model complexity: One wants a sufficiently complex model to solve their problem. For example, a model as simple as a line is not sufficiently complex to predict a car's trajectory.
      2. Sample complexity: One would like a model that does not require many samples. This could be because they have a limited access to labeled data, an insufficient amount of computing power, limited memory, etc.

      Say we have two models, one simple and one extremely complex. For both models to attain the same performance, bias-variance tells us that the extremely complex model will need exponentially more samples to train. Case in point: your neural network-based Q-learning agent required 4000 episodes to solve FrozenLake. Adding a second layer to the neural network agent quadruples the number of necessary training episodes. With increasingly complex neural networks, this divide only grows. To maintain the same error rate, increasing model complexity increases the sample complexity exponentially. Likewise, decreasing sample complexity decreases model complexity. Thus, we cannot maximize model complexity and minimize sample complexity to our heart's desire.

      We can, however, leverage our knowledge of this tradeoff. For a visual interpretation of the mathematics behind the bias-variance decomposition, see Understanding the Bias-Variance Tradeoff. At a high level, the bias-variance decomposition is a breakdown of "true error" into two components: bias and variance. We refer to "true error" as mean squared error (MSE), which is the expected difference between our predicted labels and the true labels. The following is a plot showing the change of "true error" as model complexity increases:

      Mean Squared Error curve

      Step 5 — Building a Least Squares Agent for Frozen Lake

      The least squares method, also known as linear regression, is a means of regression analysis used widely in the fields of mathematics and data science. In machine learning, it's often used to find the optimal linear model of two parameters or datasets.

      In Step 4, you built a neural network to compute Q-values. Instead of a neural network, in this step you will use ridge regression, a variant of least squares, to compute this vector of Q-values. The hope is that with a model as uncomplicated as least squares, solving the game will require fewer training episodes.

      Start by duplicating the script from Step 3:

      • cp bot_3_q_table.py bot_5_ls.py

      Open the new file:

      Again, update the comment at the top of the file describing what this script will do:

      /AtariBot/bot_4_q_network.py

      """
      Bot 5 -- Build least squares q-learning agent for FrozenLake
      """
      
      . . .
      

      Before the block of imports near the top of your file, add two more imports for type checking:

      /AtariBot/bot_5_ls.py

      . . .
      from typing import Tuple
      from typing import Callable
      from typing import List
      import gym
      . . .
      

      In your list of hyperparameters, add another hyperparameter, w_lr, to control the second Q-function's learning rate. Additionally, update the number of episodes to 5000 and the discount factor to 0.85. By changing both the num_episodes and discount_factor hyperparameters to larger values, the agent will be able to issue a stronger performance:

      /AtariBot/bot_5_ls.py

      . . .
      num_episodes = 5000
      discount_factor = 0.85
      learning_rate = 0.9
      w_lr = 0.5
      report_interval = 500
      . . .
      

      Before your print_report function, add the following higher-order function. It returns a lambda — an anonymous function — that abstracts away the model:

      /AtariBot/bot_5_ls.py

      . . .
      report_interval = 500
      report = '100-ep Average: %.2f . Best 100-ep Average: %.2f . Average: %.2f ' 
               '(Episode %d)'
      
      def makeQ(model: np.array) -> Callable[[np.array], np.array]:
          """Returns a Q-function, which takes state -> distribution over actions"""
          return lambda X: X.dot(model)
      
      def print_report(rewards: List, episode: int):
          . . .
      

      After makeQ, add another function, initialize, which initializes the model using normally-distributed values:

      /AtariBot/bot_5_ls.py

      . . .
      def makeQ(model: np.array) -> Callable[[np.array], np.array]:
          """Returns a Q-function, which takes state -> distribution over actions"""
          return lambda X: X.dot(model)
      
      def initialize(shape: Tuple):
          """Initialize model"""
          W = np.random.normal(0.0, 0.1, shape)
          Q = makeQ(W)
          return W, Q
      
      def print_report(rewards: List, episode: int):
          . . .
      

      After the initialize block, add a train method that computes the ridge regression closed-form solution, then weights the old model with the new one. It returns both the model and the abstracted Q-function:

      /AtariBot/bot_5_ls.py

      . . .
      def initialize(shape: Tuple):
          ...
          return W, Q
      
      def train(X: np.array, y: np.array, W: np.array) -> Tuple[np.array, Callable]:
          """Train the model, using solution to ridge regression"""
          I = np.eye(X.shape[1])
          newW = np.linalg.inv(X.T.dot(X) + 10e-4 * I).dot(X.T.dot(y))
          W = w_lr * newW + (1 - w_lr) * W
          Q = makeQ(W)
          return W, Q
      
      def print_report(rewards: List, episode: int):
          . . .
      

      After train, add one last function, one_hot, to perform one-hot encoding for your states and actions:

      /AtariBot/bot_5_ls.py

      . . .
      def train(X: np.array, y: np.array, W: np.array) -> Tuple[np.array, Callable]:
          ...
          return W, Q
      
      def one_hot(i: int, n: int) -> np.array:
          """Implements one-hot encoding by selecting the ith standard basis vector"""
          return np.identity(n)[i]
      
      def print_report(rewards: List, episode: int):
          . . .
      

      Following this, you will need to modify the training logic. In the previous script you wrote, the Q-table was updated every iteration. This script, however, will collect samples and labels every time step and train a new model every 10 steps. Additionally, instead of holding a Q-table or a neural network, it will use a least squares model to predict Q-values.

      Go to the main function and replace the definition of the Q-table (Q = np.zeros(...)) with the following:

      /AtariBot/bot_5_ls.py

      . . .
      def main():
          ...
          rewards = []
      
          n_obs, n_actions = env.observation_space.n, env.action_space.n
          W, Q = initialize((n_obs, n_actions))
          states, labels = [], []
          for episode in range(1, num_episodes + 1):
              . . .
      

      Scroll down before the for loop. Directly below this, add the following lines which reset the states and labels lists if there is too much information stored:

      /AtariBot/bot_5_ls.py

      . . .
      def main():
          ...
          for episode in range(1, num_episodes + 1):
              if len(states) >= 10000:
                  states, labels = [], []
                  . . .
      

      Modify the line directly after this one, which defines state = env.reset(), so that it becomes the following. This will one-hot encode the state immediately, as all of its usages will require a one-hot vector:

      /AtariBot/bot_5_ls.py

      . . .
          for episode in range(1, num_episodes + 1):
              if len(states) >= 10000:
                  states, labels = [], []
              state = one_hot(env.reset(), n_obs)
      . . .
      

      Before the first line in your while main game loop, amend the list of states:

      /AtariBot/bot_5_ls.py

      . . .
          for episode in range(1, num_episodes + 1):
              ...
              episode_reward = 0
              while True:
                  states.append(state)
                  noise = np.random.random((1, env.action_space.n)) / (episode**2.)
                  . . .
      

      Update the computation for action, decrease the probability of noise, and modify the Q-function evaluation:

      /AtariBot/bot_5_ls.py

      . . .
              while True:
                  states.append(state)
                  noise = np.random.random((1, n_actions)) / episode
                  action = np.argmax(Q(state) + noise)
                  state2, reward, done, _ = env.step(action)
                  . . .
      

      Add a one-hot version of state2 and amend the Q-function call in your definition for Qtarget as follows:

      /AtariBot/bot_5_ls.py

      . . .
              while True:
                  ...
                  state2, reward, done, _ = env.step(action)
      
                  state2 = one_hot(state2, n_obs)
                  Qtarget = reward + discount_factor * np.max(Q(state2))
                  . . .
      

      Delete the line that updates Q[state,action] = ... and replace it with the following lines. This code takes the output of the current model and updates only the value in this output that corresponds to the current action taken. As a result, Q-values for the other actions don't incur loss:

      /AtariBot/bot_5_ls.py

      . . .
                  state2 = one_hot(state2, n_obs)
                  Qtarget = reward + discount_factor * np.max(Q(state2))
                  label = Q(state)
                  label[action] = (1 - learning_rate) * label[action] + learning_rate * Qtarget
                  labels.append(label)
      
                  episode_reward += reward
                  . . .
      

      Right after state = state2, add a periodic update to the model. This trains your model every 10 time steps:

      /AtariBot/bot_5_ls.py

      . . .
                  state = state2
                  if len(states) % 10 == 0:
                      W, Q = train(np.array(states), np.array(labels), W)
                  if done:
                  . . .
      

      Double check that your file matches the source code. Then, save the file, exit the editor, and run the script:

      This will output the following:

      Output

      100-ep Average: 0.17 . Best 100-ep Average: 0.17 . Average: 0.09 (Episode 500) 100-ep Average: 0.11 . Best 100-ep Average: 0.24 . Average: 0.10 (Episode 1000) 100-ep Average: 0.08 . Best 100-ep Average: 0.24 . Average: 0.10 (Episode 1500) 100-ep Average: 0.24 . Best 100-ep Average: 0.25 . Average: 0.11 (Episode 2000) 100-ep Average: 0.32 . Best 100-ep Average: 0.31 . Average: 0.14 (Episode 2500) 100-ep Average: 0.35 . Best 100-ep Average: 0.38 . Average: 0.16 (Episode 3000) 100-ep Average: 0.59 . Best 100-ep Average: 0.62 . Average: 0.22 (Episode 3500) 100-ep Average: 0.66 . Best 100-ep Average: 0.66 . Average: 0.26 (Episode 4000) 100-ep Average: 0.60 . Best 100-ep Average: 0.72 . Average: 0.30 (Episode 4500) 100-ep Average: 0.75 . Best 100-ep Average: 0.82 . Average: 0.34 (Episode 5000) 100-ep Average: 0.75 . Best 100-ep Average: 0.82 . Average: 0.34 (Episode -1)

      Recall that, according to the Gym FrozenLake page, "solving" the game means attaining a 100-episode average of 0.78. Here the agent acheives an average of 0.82, meaning it was able to solve the game in 5000 episodes. Although this does not solve the game in fewer episodes, this basic least squares method is still able to solve a simple game with roughly the same number of training episodes. Although your neural networks may grow in complexity, you've shown that simple models are sufficient for FrozenLake.

      With that, you have explored three Q-learning agents: one using a Q-table, another using a neural network, and a third using least squares. Next, you will build a deep reinforcement learning agent for a more complex game: Space Invaders.

      Step 6 — Creating a Deep Q-learning Agent for Space Invaders

      Say you tuned the previous Q-learning algorithm's model complexity and sample complexity perfectly, regardless of whether you picked a neural network or least squares method. As it turns out, this unintelligent Q-learning agent still performs poorly on more complex games, even with an especially high number of training episodes. This section will cover two techniques that can improve performance, then you will test an agent that was trained using these techniques.

      The first general-purpose agent able to continually adapt its behavior without any human intervention was developed by the researchers at DeepMind, who also trained their agent to play a variety of Atari games. DeepMind's original deep Q-learning (DQN) paper recognized two important issues:

      1. Correlated states: Take the state of our game at time 0, which we will call s0. Say we update Q(s0), according to the rules we derived previously. Now, take the state at time 1, which we call s1, and update Q(s1) according to the same rules. Note that the game's state at time 0 is very similar to its state at time 1. In Space Invaders, for example, the aliens may have moved by one pixel each. Said more succinctly, s0 and s1 are very similar. Likewise, we also expect Q(s0) and Q(s1) to be very similar, so updating one affects the other. This leads to fluctuating Q values, as an update to Q(s0) may in fact counter the update to Q(s1). More formally, s0 and s1 are correlated. Since the Q-function is deterministic, Q(s1) is correlated with Q(s0).
      2. Q-function instability: Recall that the Q function is both the model we train and the source of our labels. Say that our labels are randomly-selected values that truly represent a distribution, L. Every time we update Q, we change L, meaning that our model is trying to learn a moving target. This is an issue, as the models we use assume a fixed distribution.

      To combat correlated states and an unstable Q-function:

      1. One could keep a list of states called a replay buffer. Each time step, you add the game state that you observe to this replay buffer. You also randomly sample a subset of states from this list, and train on those states.
      2. The team at DeepMind duplicated Q(s, a). One is called Q_current(s, a), which is the Q-function you update. You need another Q-function for successor states, Q_target(s', a'), which you won't update. Recall Q_target(s', a') is used to generate your labels. By separating Q_current from Q_target and fixing the latter, you fix the distribution your labels are sampled from. Then, your deep learning model can spend a short period learning this distribution. After a period of time, you then re-duplicate Q_current for a new Q_target.

      You won't implement these yourself, but you will load pretrained models that trained with these solutions. To do this, create a new directory where you will store these models' parameters:

      Then use wget to download a pretrained Space Invaders model's parameters:

      • wget http://models.tensorpack.com/OpenAIGym/SpaceInvaders-v0.tfmodel -P models

      Next, download a Python script that specifies the model associated with the parameters you just downloaded. Note that this pretrained model has two constraints on the input that are necessary to keep in mind:

      • The states must be downsampled, or reduced in size, to 84 x 84.
      • The input consists of four states, stacked.

      We will address these constraints in more detail later on. For now, download the script by typing:

      • wget https://github.com/alvinwan/bots-for-atari-games/raw/master/src/bot_6_a3c.py

      You will now run this pretrained Space Invaders agent to see how it performs. Unlike the past few bots we've used, you will write this script from scratch.

      Create a new script file:

      Begin this script by adding a header comment, importing the necessary utilities, and beginning the main game loop:

      /AtariBot/bot_6_dqn.py

      """
      Bot 6 - Fully featured deep q-learning network.
      """
      
      import cv2
      import gym
      import numpy as np
      import random
      import tensorflow as tf
      from bot_6_a3c import a3c_model
      
      
      def main():
      
      if __name__ == '__main__':
          main()
      

      Directly after your imports, set random seeds to make your results reproducible. Also, define a hyperparameter num_episodes which will tell the script how many episodes to run the agent for:

      /AtariBot/bot_6_dqn.py

      . . .
      import tensorflow as tf
      from bot_6_a3c import a3c_model
      random.seed(0)  # make results reproducible
      tf.set_random_seed(0)
      
      num_episodes = 10
      
      def main():
        . . .
      

      Two lines after declaring num_episodes, define a downsample function that downsamples all images to a size of 84 x 84. You will downsample all images before passing them into the pretrained neural network, as the pretrained model was trained on 84 x 84 images:

      /AtariBot/bot_6_dqn.py

      . . .
      num_episodes = 10
      
      def downsample(state):
          return cv2.resize(state, (84, 84), interpolation=cv2.INTER_LINEAR)[None]
      
      def main():
        . . .
      

      Create the game environment at the start of your main function and seed the environment so that the results are reproducible:

      /AtariBot/bot_6_dqn.py

      . . .
      def main():
          env = gym.make('SpaceInvaders-v0')  # create the game
          env.seed(0)  # make results reproducible
          . . .
      

      Directly after the environment seed, initialize an empty list to hold the rewards:

      /AtariBot/bot_6_dqn.py

      . . .
      def main():
          env = gym.make('SpaceInvaders-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
          . . .
      

      Initialize the pretrained model with the pretrained model parameters that you downloaded at the beginning of this step:

      /AtariBot/bot_6_dqn.py

      . . .
      def main():
          env = gym.make('SpaceInvaders-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
          model = a3c_model(load='models/SpaceInvaders-v0.tfmodel')
          . . .
      

      Next, add some lines telling the script to iterate for num_episodes times to compute average performance and initialize each episode's reward to 0. Additionally, add a line to reset the environment (env.reset()), collecting the new initial state in the process, downsample this initial state with downsample(), and start the game loop using a while loop:

      /AtariBot/bot_6_dqn.py

      . . .
      def main():
          env = gym.make('SpaceInvaders-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
          model = a3c_model(load='models/SpaceInvaders-v0.tfmodel')
          for _ in range(num_episodes):
              episode_reward = 0
              states = [downsample(env.reset())]
              while True:
              . . .
      

      Instead of accepting one state at a time, the new neural network accepts four states at a time. As a result, you must wait until the list of states contains at least four states before applying the pretrained model. Add the following lines below the line reading while True:. These tell the agent to take a random action if there are fewer than four states or to concatenate the states and pass it to the pretrained model if there are at least four:

      /AtariBot/bot_6_dqn.py

              . . .
              while True:
                  if len(states) < 4:
                      action = env.action_space.sample()
                  else:
                      frames = np.concatenate(states[-4:], axis=3)
                      action = np.argmax(model([frames]))
                      . . .
      

      Then take an action and update the relevant data. Add a downsampled version of the observed state, and update the reward for this episode:

      /AtariBot/bot_6_dqn.py

              . . .
              while True:
                  ...
                      action = np.argmax(model([frames]))
                  state, reward, done, _ = env.step(action)
                  states.append(downsample(state))
                  episode_reward += reward
                  . . .
      

      Next, add the following lines which check whether the episode is done and, if it is, print the episode's total reward and amend the list of all results and break the while loop early:

      /AtariBot/bot_6_dqn.py

              . . .
              while True:
                  ...
                  episode_reward += reward
                  if done:
                      print('Reward: %d' % episode_reward)
                      rewards.append(episode_reward)
                      break
                      . . .
      

      Outside of the while and for loops, print the average reward. Place this at the end of your main function:

      /AtariBot/bot_6_dqn.py

      def main():
          ...
                      break
          print('Average reward: %.2f' % (sum(rewards) / len(rewards)))
      

      Check that your file matches the following:

      /AtariBot/bot_6_dqn.py

      """
      Bot 6 - Fully featured deep q-learning network.
      """
      
      import cv2
      import gym
      import numpy as np
      import random
      import tensorflow as tf
      from bot_6_a3c import a3c_model
      random.seed(0)  # make results reproducible
      tf.set_random_seed(0)
      
      num_episodes = 10
      
      
      def downsample(state):
          return cv2.resize(state, (84, 84), interpolation=cv2.INTER_LINEAR)[None]
      
      def main():
          env = gym.make('SpaceInvaders-v0')  # create the game
          env.seed(0)  # make results reproducible
          rewards = []
      
          model = a3c_model(load='models/SpaceInvaders-v0.tfmodel')
          for _ in range(num_episodes):
              episode_reward = 0
              states = [downsample(env.reset())]
              while True:
                  if len(states) < 4:
                      action = env.action_space.sample()
                  else:
                      frames = np.concatenate(states[-4:], axis=3)
                      action = np.argmax(model([frames]))
                  state, reward, done, _ = env.step(action)
                  states.append(downsample(state))
                  episode_reward += reward
                  if done:
                      print('Reward: %d' % episode_reward)
                      rewards.append(episode_reward)
                      break
          print('Average reward: %.2f' % (sum(rewards) / len(rewards)))
      
      
      if __name__ == '__main__':
          main()
      

      Save the file and exit your editor. Then, run the script:

      Your output will end with the following:

      Output

      . . . Reward: 1230 Reward: 4510 Reward: 1860 Reward: 2555 Reward: 515 Reward: 1830 Reward: 4100 Reward: 4350 Reward: 1705 Reward: 4905 Average reward: 2756.00

      Compare this to the result from the first script, where you ran a random agent for Space Invaders. The average reward in that case was only about 150, meaning this result is over twenty times better. However, you only ran your code for three episodes, as it's fairly slow, and the average of three episodes is not a reliable metric. Running this over 10 episodes, the average is 2756; over 100 episodes, the average is around 2500. Only with these averages can you comfortably conclude that your agent is indeed performing an order of magnitude better, and that you now have an agent that plays Space Invaders reasonably well.

      However, recall the issue that was raised in the previous section regarding sample complexity. As it turns out, this Space Invaders agent takes millions of samples to train. In fact, this agent required 24 hours on four Titan X GPUs to train up to this current level; in other words, it took a significant amount of compute to train it adequately. Can you train a similarly high-performing agent with far fewer samples? The previous steps should arm you with enough knowledge to begin exploring this question. Using far simpler models and per bias-variance tradeoffs, it may be possible.

      Conclusion

      In this tutorial, you built several bots for games and explored a fundamental concept in machine learning called bias-variance. A natural next question is: Can you build bots for more complex games, such as StarCraft 2? As it turns out, this is a pending research question, supplemented with open-source tools from collaborators across Google, DeepMind, and Blizzard. If these are problems that interest you, see open calls for research at OpenAI, for current problems.

      The main takeaway from this tutorial is the bias-variance tradeoff. It is up to the machine learning practitioner to consider the effects of model complexity. Whereas it is possible to leverage highly complex models and layer on excessive amounts of compute, samples, and time, reduced model complexity could significantly reduce the resources required.



      Source link