Lesson 07 - Scikit-Learn
Lesson 07 - Scikit-Learn
Welcome to lesson 8, on machine learning with scikit-learn.
Machine learning is a rapidly growing and advancing field, and the premier module for carrying it out in Python is scikit-learn (aka scikits-learn). Today we will cover the basic syntax and logic of the module, without touching too deeply on the wide array of methods available.
Download the notebook here
Machine Learning 101
We can define machine learning as building a program which can adapt to previously seen data - we build an algorithm, which takes data as an input and outputs predictions, once being trained on a training set.
We can broadly define machine learning into two major classes - Supervised and Unsupervised.
In supervised clustering we have known targets - eg an iris species, or a continuous variable such as retail spend for which we have both ‘features’, our predictors, and ‘labels’, our outputs.
We can further subsection this into clustering, with categorical labels, and regression, with continuous labels.
Similarly, we have unsupervised learning, in which we have features, but need to discover or define the labels ourselves based on the data. Again, this splits into clustering and regression. We can also often use unsupervised learning as a dimensional reduction tool - PCA can be seen as a sort of unsupervised learning.
There can also be some middle area between the methods - maybe we wish to validate our labels which we already have, or develop new ones.
Scikit-Learn 101
Sklearn aims to be a unified module for all methods of machine learning, from data splitting, normalization and reduction through to model fitting, prediction and validation. The module is updated regularly to implement the most recent machine learning algorithms. The website is a great resource for help, examples and explanations of the differing methods we can use.
sklearn does it best to implement the models in a uniform fashion, so we can pass in the same data, and use the same transform, fit, predict, score and other methods. This allows for a uniform workflow, and no need to transform data between formats for different models.
In sklearn, we have a standard data format for most algorithms input data:
A numpy array of dimensions ‘samples’ by ‘features’. By Default these are stored as np.float64, but we can change this if desired. Additionally we can use the sparse matrix class from scipy if we have very large (and sparse) matrices.
Categorical features must be dummified (see last lesson)
In [86]:
[[ 5.1 3.5 1.4 0.2]
[ 4.9 3. 1.4 0.2]
[ 4.7 3.2 1.3 0.2]
[ 4.6 3.1 1.5 0.2]
[ 5. 3.6 1.4 0.2]
[ 5.4 3.9 1.7 0.4]]
Addtionally we have a target, or label array if we have a supervised learning dataset:
In [87]:
[0 0 0 0 0 0]
In [88]:
['setosa' 'versicolor' 'virginica']
Feature engineering is one of the most important parts of machine learning and requires knowledge of the dataset. We will not cover non-automated feature engineering today.
both from http://www.astroml.org/sklearn_tutorial/general_concepts.html
Overfitting is a serious problem in machine learning models - recall the problem with googles flu trends. It ended up predicting winter, rather than flu. Similarly, we might make a model that is really good at describing our current data, but extremely poor at predicting the labels for new data.
We can stop overfitting in several ways. The first is to train our predictive models on a training dataset, then test them on a held out, test set. This test set should never be used for fitting models! We should also use simpler models, and cross validation.
We have set ups for this in sklearn!
Workflow
We will work through the sklearn workflow step by step.
- split our data into test and train sets
- Preprocess our data - extract features, dummify, normalise, dimension reduction
- Choose a model or models for our data
- Fit the models to our data
- Analyse our models output
- Validate our data on our test set and determine error
- Predict new data
Splitting data
The cross validation submodule is made to help avoid overfitting. The most common method is to hold some of the data out of the analysis, fit and then cimpare estimators on the test set.
Alternatively, the submodule contains methods for carrying out crossvalidation during fitting, these should be used with caution.
In [89]:
(150, 4)
(90, 4)
(60, 4)
The function is smart, choosing to stratify within outcomes, and by default holds out 25% of the data. If we have time series or other structured data, a more complex scheme needs to be devised.
The test set should now not be touched until it’s time for validation
Preprocessing data
The next step is feature addition. This is the point where you can calculate your features. Many features can be created from the data (recall the work we did during the test). In general, it is best to carry out these operations with the test data removed, so that the process is the same for any new data.
Depending on your choice of method, remove correlated features.
Once this is carried out, we can use the preprocessing submodule to process our data:
In [90]:
[[ 0.18206758 0.71103882 0.45664061 0.5584109 ]
[-1.17402201 0.00522823 -1.10334891 -1.19183221]
[-0.04394735 -0.93585257 0.77939706 0.93346299]
[-0.26996228 -0.93585257 0.29526238 0.1833588 ]
[-0.26996228 -0.46531217 -0.02749407 0.1833588 ]
[-0.38296975 -1.40639297 0.1876769 0.1833588 ]]
The next step to preprocess our data is optionally use matrix decomposition to reduce the number of dimensions our data has. We can use the decomposition module:
In [91]:
Now we can put our normalised and transformed data into a model
Choosing and Fitting a Model
Choosing a model is a statistical choice - I’ll leave it to you. You could even make your own.
Generally, we have a wide range of standard machine learning models - Let’s use a support vector machine this time. Briefly, an SVM draws lines (or vector) between our classes of data, either linearly or by apply the ‘kernel trick’ to make it non- linear.
Again, as long as our data is in the correct format we can fit more or less any model from sklearn.
In [92]:
In [93]:
array([1, 0, 2, 1, 1, 1, 1, 2, 0, 0, 2, 1, 0, 0, 1, 0, 2, 1, 0, 1, 2, 1, 0,
2, 2, 2, 2, 0, 0, 2, 2, 0, 2, 0, 2, 2, 0, 0, 2, 0, 0, 0, 1, 2, 2, 0,
0, 0, 1, 1, 0, 0, 1, 0, 2, 1, 2, 1, 0, 2, 0, 2, 0, 0, 2, 0, 2, 1, 1,
1, 2, 2, 1, 2, 0, 1, 2, 2, 0, 1, 1, 2, 1, 0, 0, 0, 2, 1, 2, 0])
Evaluating the model
Now we can evaluate our models, both on the training set, and on the test set.
We need to recreate our transformations on the test set….
In [94]:
0.97777777777777775
In [95]:
array([2, 1, 0, 2, 0, 2, 0, 1, 1, 1, 1, 1, 1, 1, 1, 0, 1, 1, 0, 0, 2, 1, 0,
0, 2, 0, 0, 1, 1, 0, 2, 1, 0, 2, 2, 1, 0, 2, 1, 1, 2, 0, 2, 0, 0, 1,
2, 2, 1, 2, 1, 2, 1, 1, 2, 1, 2, 2, 1, 2])
In [96]:
0.93333333333333335
We can also use the metrics submodule to do a ton of metrics about our fit, or make our own:
In [97]:
Now we can predict new data exactly as we did for our test set!
Saving Models
We can save our model - a lot of algorithms will take a long time to train, and the prediction is much faster, especially as it is run on a small amount of newer data. To do this, we have to learn a little bit about pickling.
Briefly, we can see that python does not hold data as a tabular format in memory - we can give arbitrary classes, so it has no natural state to be stored on the disk. So far, every time we loaded or saved we used a csv or array, which is naturally sequential.
Python has a built in module, called pickle, to save its native binary representation of objects to disk. We will use the jobdumps module for now, as it is faster for sklearn objects (it is optimised for numpy arrays).
In [98]:
['model.pkl',
'model.pkl_01.npy',
'model.pkl_02.npy',
'model.pkl_03.npy',
'model.pkl_04.npy',
'model.pkl_05.npy',
'model.pkl_06.npy',
'model.pkl_07.npy',
'model.pkl_08.npy',
'model.pkl_09.npy',
'model.pkl_10.npy',
'model.pkl_11.npy']
We can load it back in using
In [99]:
Pipelines
We can see that the method we used was fine, but reconstituting the pathway we took through the processing was a little tricky for the test set. We need to make sure we don’t miss a step, or our predictions will be off. We also needed to make sure we used the model based transformations, as otherwise we couldn’t apply the same transformations to our new data.
To make this easier to redo, we can use the pipelines submodule. Once we have a pipeline, we can call fit and predict as though it were a single model.
In [100]:
In [101]:
Pipeline(steps=[('normalise', StandardScaler(copy=True, with_mean=True, with_std=True)), ('reduce_dim', PCA(copy=True, n_components=None, whiten=False)), ('svm', SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,
decision_function_shape=None, degree=3, gamma='auto', kernel='rbf',
max_iter=-1, probability=False, random_state=None, shrinking=True,
tol=0.001, verbose=False))])
In [102]:
[2 1 0 2 0 2 0 1 1 1 1 1 1 1 1 0 1 1 0 0 2 1 0 0 2 0 0 1 1 0 2 1 0 2 2 1 0
2 1 1 2 0 2 0 0 1 2 2 1 2 1 2 1 1 2 1 2 2 1 2]
0.933333333333
We can change the parameters in a pipeline. One of the reasons we might want to to do this is to optimise a ‘hyperparameter’ one that does not depend on the model.
We can do this using the gridsearch submodule:
In [103]:
Pipeline(steps=[('normalise', StandardScaler(copy=True, with_mean=True, with_std=True)), ('reduce_dim', PCA(copy=True, n_components=None, whiten=False)), ('svm', SVC(C=10, cache_size=200, class_weight=None, coef0=0.0,
decision_function_shape=None, degree=3, gamma='auto', kernel='rbf',
max_iter=-1, probability=False, random_state=None, shrinking=True,
tol=0.001, verbose=False))])
Grid search lets us search a range of parameters to find the best one:
In [104]:
{'svm__C': 10}
0.966666666667
0.933333333333
There is still a ton more to learn from sklearn - we have not touch on ensemble models, feature importance, roc curves, multithreading and a wide range of models.
Now we know the basic syntax of split, transform, fit, predict, score we can run most of the models in the module, and analyse their output. Further analysis is left to you to read the docs and understand them.
For the rest of the lesson, we will work through the titanic dataset example, fitted with a random forest model: http://nbviewer.jupyter.org/github/donnemartin/data-science-ipython- notebooks/blob/master/kaggle/titanic.ipynb
Exercises
1. Read through and undestand all the steps of the Titanic analysis
2. Use the onehotencoder to dummify the sex and embarkation parameters - this will need to be done on the data.values
3. Load the test data in again:
Create dummies for the day:
now create dummy variables for each category (either using get_dummies, or onehotencoder) as a new dataframe, x
4. Join the Weekday dummies to the old data frame:
join the category dummies too.
5. Run a random forest on the data (don’t worry about train test split for now). You will probably want something like this:
6. How well did the model score on our training data? We can see that we did not bin our baskets - each line got a new prediction.
7. Advanced, extension. Bin the baskets, so that we have a line for each basket (you probably want .groupby). Rerun the random forest - how did you do?