In this notebook, you will use LASSO to select features, building on a pre-implemented solver for LASSO (using GraphLab Create, though you can use other solvers). You will:
In the second notebook, you will implement your own LASSO solver, using coordinate descent.
In [1]:
import graphlab
In [2]:
import numpy as np
In [3]:
sales = graphlab.SFrame('kc_house_data.gl/')
As in Week 2, we consider features that are some transformations of inputs.
In [4]:
from math import log, sqrt
sales['sqft_living_sqrt'] = sales['sqft_living'].apply(sqrt)
sales['sqft_lot_sqrt'] = sales['sqft_lot'].apply(sqrt)
sales['bedrooms_square'] = sales['bedrooms']*sales['bedrooms']
# In the dataset, 'floors' was defined with type string,
# so we'll convert them to float, before creating a new feature.
sales['floors'] = sales['floors'].astype(float)
sales['floors_square'] = sales['floors']*sales['floors']
Let us fit a model with all the features available, plus the features we just created above.
In [5]:
all_features = ['bedrooms', 'bedrooms_square',
'bathrooms',
'sqft_living', 'sqft_living_sqrt',
'sqft_lot', 'sqft_lot_sqrt',
'floors', 'floors_square',
'waterfront', 'view', 'condition', 'grade',
'sqft_above',
'sqft_basement',
'yr_built', 'yr_renovated']
Applying L1 penalty requires adding an extra parameter (l1_penalty
) to the linear regression call in GraphLab Create. (Other tools may have separate implementations of LASSO.) Note that it's important to set l2_penalty=0
to ensure we don't introduce an additional L2 penalty.
In [6]:
model_all = graphlab.linear_regression.create(sales, target='price', features=all_features,
validation_set=None,
l2_penalty=0., l1_penalty=1e10)
Find what features had non-zero weight.
In [7]:
model_all.get('coefficients').print_rows(20)
Note that a majority of the weights have been set to zero. So by setting an L1 penalty that's large enough, we are performing a subset selection.
QUIZ QUESTION: According to this list of weights, which of the features have been chosen?
To find a good L1 penalty, we will explore multiple values using a validation set. Let us do three way split into train, validation, and test sets:
Be very careful that you use seed = 1 to ensure you get the same answer!
In [8]:
(training_and_validation, testing) = sales.random_split(.9,seed=1) # initial train/test split
(training, validation) = training_and_validation.random_split(0.5, seed=1) # split training into train and validate
Next, we write a loop that does the following:
l1_penalty
in [10^1, 10^1.5, 10^2, 10^2.5, ..., 10^7] (to get this in Python, type np.logspace(1, 7, num=13)
.)l1_penalty
on TRAIN data. Specify l1_penalty=l1_penalty
and l2_penalty=0.
in the parameter list..predict()
) for that l1_penalty
l1_penalty
produced the lowest RSS on validation data.When you call linear_regression.create()
make sure you set validation_set = None
.
Note: you can turn off the print out of linear_regression.create()
with verbose = False
In [9]:
l1_all = np.logspace(1,7,num=13)
In [10]:
def find_best_lasso_0(l1_penalties, training, validation, features, target):
the_model = None
the_RSS = float('inf')
for l1 in l1_penalties:
model = graphlab.linear_regression.create(training, l1_penalty=l1, l2_penalty=0.,
verbose=False, validation_set=None,
target=target,
features=features)
predictions = model.predict(validation)
errors = predictions - validation[target]
RSS = np.dot(errors, errors)
if RSS < the_RSS:
the_RSS = RSS
the_model = model
return the_model
In [11]:
best_model = find_best_lasso_0(l1_all, training, validation, all_features, 'price')
QUIZ QUESTIONS
l1_penalty
?l1_penalty
?
In [12]:
predictions = best_model.predict(testing)
errors = predictions - testing['price']
RSS = np.dot(errors, errors)
print RSS
QUIZ QUESTION Also, using this value of L1 penalty, how many nonzero weights do you have?
In [13]:
best_model.get('coefficients')
Out[13]:
In [14]:
best_model['coefficients']['value'].nnz()
Out[14]:
In this section, you are going to implement a simple, two phase procedure to achive this goal:
l1_penalty
values to find a narrow region of l1_penalty
values where models are likely to have the desired number of non-zero weights.l1_penalty
that achieves the desired sparsity. Here, we will again use a validation set to choose the best value for l1_penalty
.
In [15]:
max_nonzeros = 7
In [16]:
l1_penalty_values = np.logspace(8, 10, num=20)
Now, implement a loop that search through this space of possible l1_penalty
values:
l1_penalty
in np.logspace(8, 10, num=20)
:l1_penalty
on TRAIN data. Specify l1_penalty=l1_penalty
and l2_penalty=0.
in the parameter list. When you call linear_regression.create()
make sure you set validation_set = None
model['coefficients']['value']
gives you an SArray with the parameters you learned. If you call the method .nnz()
on it, you will find the number of non-zero parameters!
In [17]:
nnz = []
for l1 in l1_penalty_values:
model = graphlab.linear_regression.create(training, l1_penalty=l1, l2_penalty=0.,
verbose=False,
validation_set=None,
target='price',
features=all_features)
nnz.append(model['coefficients']['value'].nnz())
In [18]:
nnz
Out[18]:
In [19]:
nnz[-6]
Out[19]:
In [ ]:
Out of this large range, we want to find the two ends of our desired narrow range of l1_penalty
. At one end, we will have l1_penalty
values that have too few non-zeros, and at the other end, we will have an l1_penalty
that has too many non-zeros.
More formally, find:
l1_penalty
that has more non-zeros than max_nonzero
(if we pick a penalty smaller than this value, we will definitely have too many non-zero weights)l1_penalty_min
(we will use it later)l1_penalty
that has fewer non-zeros than max_nonzero
(if we pick a penalty larger than this value, we will definitely have too few non-zero weights)l1_penalty_max
(we will use it later)Hint: there are many ways to do this, e.g.:
l1_penalty
and inspecting it to find the appropriate boundaries.
In [20]:
l1_penalty_min = l1_penalty_values[-6]
l1_penalty_max = l1_penalty_values[-5]
In [21]:
print l1_penalty_min
print l1_penalty_max
QUIZ QUESTIONS
What values did you find for l1_penalty_min
andl1_penalty_max
?
In [22]:
l1_penalty_values = np.linspace(l1_penalty_min,l1_penalty_max,20)
l1_penalty
in np.linspace(l1_penalty_min,l1_penalty_max,20)
:l1_penalty
on TRAIN data. Specify l1_penalty=l1_penalty
and l2_penalty=0.
in the parameter list. When you call linear_regression.create()
make sure you set validation_set = None
Find the model that the lowest RSS on the VALIDATION set and has sparsity equal to max_nonzero
.
In [23]:
def find_best_lasso(l1_penalties, nonzero, training, validation, features, target):
the_model = None
the_RSS = float('inf')
for l1 in l1_penalties:
model = graphlab.linear_regression.create(training, l1_penalty=l1, l2_penalty=0.,
verbose=False, validation_set=None,
target=target,
features=features)
predictions = model.predict(validation)
errors = predictions - validation[target]
RSS = np.dot(errors, errors)
print RSS, the_RSS
print model['coefficients']['value'].nnz(), nonzero
if (RSS < the_RSS) and (model['coefficients']['value'].nnz() == nonzero):
the_RSS = RSS
the_model = model
return the_model
QUIZ QUESTIONS
l1_penalty
in our narrow range has the lowest RSS on the VALIDATION set and has sparsity equal to max_nonzeros
?
In [24]:
the_model = find_best_lasso(l1_penalty_values, max_nonzeros, training, validation, all_features, 'price')
In [25]:
the_model['coefficients'].print_rows(18)
In [26]:
the_model
Out[26]:
In [ ]: