Machine Learning Practice
Week 1
1. pd.read_csv(filepath, sep, delimiter, header ) – reads csv files into DataFrames.
Default value of header is zero index.
2. data.head(n) – default value of n is 5
3. data.columns[:-1] – indexing till the last index (exclude the last index)
4. data.info() – gives a quick description of data (class, range, columns, column types,
null counts and memory usage)
5. data.describe() – gives the mean, count, std, min, quartiles and max
6. data[‘column_name’].value_counts – gives a distribution of column values
7. How to plot a histogram:
sns.set() takes the styling inputs of font, styles, palette etc.
data.column_name.hist()
plt.xlabel(‘X-axis label name’)
plt.ylabel(Y-axis label name’)
8. np.random.seed(number) – sets the random seed for the entire code, ensuring any
random numbers generated remain the same across multiple runs
9. train_test_split(data, random_state=42, test_size = 0.3, shuffle=true) – Available
in .model_selection – random splitting with shuffle tag indicating whether to shuffle
the data before splitting or not.
10. StratfiedShuffleSplit(n_splits= , test_size=0.3, random_state) – Available
in .model_selection. Matches overall data distribution, n_splits provides the number
of re-shuffling and splitting iterations.
11. .copy() – creates a copy of the dataset.
12. sns.scatterplot(x=’column_1’, y=’column_2’, hue=’target’, data=dataset) –
Creates a scatterplot with varying colours
13. exploration_set.plot(kind=’scatter’, x=’column_1’, y=’column_2’, alpha=0.5,
c=’target’ ) – Creates a scatterplot, alpha represents the amount of transparency
higher the more transparent
14. corr_matrix = data.corr() – Creates a correlation matrix between the features of the
dataset. Individual features can be accessed using feature name
(corr_matrix[‘feature_name’]
15. sns.heatmap(corr_matrix, annot=True) – Creates a heatmap using the correlation
matrix.
16. scatter_matrix(dataset[a python list of attributes desired]) – Creates a scatter
matrix of features required. Available in pandas.plotting
17. Steps in data preprocessing:
1. Separate features and labels
2. Handling missing values
3. Feature scaling
4. Certain transformations like log, square roots etc.
18. dataset.drop(‘column or row name’, axis=1 or 0) – Drops the specified columns or
rows from the dataset. Axis =1 or 0 mentions either wrt columns or rows respectively.
19. dataset.isna() – Returns a Boolean for na. Can be clubbed with .sum() or .count() etc.
20. dataset.isnull()
21. dataset.notna() – Inverse of isna
22. dataset.dropna() – Omits axes labels with missing values
23. imputer = SimpleImputer(strategy=’median’) takes in strategies
imputer.fit(dataset) learns the strategy values
imputer.transform(dataset) applies the values learnt to the dataset
For filling up missing values using various strategies (mean, median, most_frequent,
constant + fill_value
24. imputer.statistics_ - Provides statistics learnt by the imputer on the set.
25. ordinal_encoder = OrdinalEncoder()
result = ordinal_encoder.fit_transform(dataset)
Converts labels/categories to numbers. Scikit learn requires all data to be numeric. For
example, “red” is 1, “green” is 2, and “blue” is 3. List of categories can be obtained
using categories_instance. Available in sklearn.preprocessing
A possible issue with this is that the ML algo would think that numbers nearby
together are closer. Like red is closer to green than to blue.
26. encoder = OneHotEncoder()
result = encoder.fit_transform(dataset)
Creates a matrix where the values are 1 for category for which it is true. For example
a sample which is red will have the red column as 1 rest as 0. List of categories can be
obtained using categories_
27. LabelEncoder() – Encodes target labels with values between 0 and K-1. Should be
used for target labels
28. LabelBinarizer() – Converts multiclass labels to binary labels
29. MultiLabelBinarizer() – Encodes categorical features with values between 0 and K-
1. For example binary encoding for movie genres.
30. add_dummy_feature(X) – Adds a column with each value in the column as 1.
31. MinMaxScaler/Normalization – (Current Value-Min. Value)/(Max. Value – Min.
Value). Resulting values are between 1 and 0. feature_range parameter provides the
range of the transformation, default value (0,1). Available in preprocessing
32. StandardScaler/Standardization – (Current Value – Mean Value)/(Standard
Deviation) Not within a fixed range, less effected by outliers. Available in
preprocessing. All of these transformations and imputations are learnt on the training
dataset and not the full dataset.
33. Pipeline([(‘name’, Estimator()), (‘name’, Estimator())])
Availble in sklearn.pipeline. The name should not contain a double underscore.
Pipeline is followed by pipeline.fit_tranform(training_data)
34. ColumnTranformer()
num_attribs = list(wine_features)
cat_attribs = ["place_of_manufacturing"]
full_pipeline = ColumnTransformer([
("num", num_pipeline, num_attribs),
("cat", OneHotEncoder(), cat_attribs),
])
wine_features_tr = full_pipeline.fit_transform(wine_features)
When there are both categorical and numerical features in our columns, we apply
different transformations for different type of features. Available in sklearn.compose
35. LinearRegression()
from sklearn.linear_model import LinearRegression
lin_reg = LinearRegression()
lin_reg.fit(wine_features_tr, wine_labels)
predictions = lin_reg.predict(features)
LinearRegression(copy_X=True, fit_intercept=True, n_jobs=None, normalize=False)
36. mean_squared_error(labels, predictions)
Available in sklearn.metrics and used as an evaluation metric.
37. DecisionTreeRegressor()
from sklearn.tree import DecisionTreeRegressor
tree_reg = DecisionTreeRegressor()
tree_reg.fit(wine_features_tr, wine_labels)
quality_test_predictions = tree_reg.predict(wine_features_test_tr)
mean_squared_error(wine_labels_test, quality_test_predictions)
Available in sklearn.tree
38. Cross_val_score()
scores = cross_val_score(lin_reg, wine_features_tr, wine_labels,
scoring="neg_mean_squared_error", cv=10)
lin_reg_mse_scores = -scores
Cross_val_score available in .model_selection. Provides separate MSE for each set.
39. RandomForestCV
It builds multiple decision trees on randomly selected features and then average their
predictions. Building a model on top of other models is called ensemble learning
Available in sklearn.ensemble.
from sklearn.ensemble import RandomForestRegressor
forest_reg = RandomForestRegressor()
forest_reg.fit(wine_features_tr, wine_labels)
scores = cross_val_score(forest_reg, wine_features_tr, wine_labels,
scoring="neg_mean_squared_error", cv=10)
forest_mse_scores = -scores
40.
Underfitting More capacity models and less
constraints and regularization.
Overfitting More data, simpler model and more
constraints and regularization.
41. Hyperparameter Tuning:
A number of hyperparameters in the models that are set manually, tuning these could
lead to better results.
a. GridSearchCV:
We specify a list of hyperparameters along with ranges we want to try.
Evaluates all possible combinations using cross_val. Available
in .model_selection.
For example for RandomForest regression:
param_grid = [
{'n_estimators': [3, 10, 30], 'max_features': [2, 4, 6, 8]},
{'bootstrap': [False], 'n_estimators': [3, 10], 'max_features': [2, 3, 4]},
]
Note that the above has two sets for parameters which will be evaluated
separately. Total number of combinations evaluated are 12 + 6 = 18.
grid_search = GridSearchCV(forest_reg, param_grid, cv=5,
scoring='neg_mean_squared_error',
return_train_score=True)
grid_search.fit(wine_features, wine_labels)
grid_search.best_params_ gives the best parameters that were found
cvres = grid_search.cv_results_
for mean_score, params in zip(cvres["mean_test_score"], cvres["params"]):
print(-mean_score, params)
grid_search.best_estimator_ Gives best estimator
feature_importances = grid_search.best_estimator_.feature_importances_
sorted(zip(feature_importances, feature_list), reverse=True)
b. RandomizedSearchCV:
When the hyperparameter space is larger that is there are more options to try.
It selects a random value for each hyperparameter at the start of each iteration
and repeats the process for the given number of random combinations. It
enables us to search hyperparameter space with appropriate budget control.
Available in .model_selection
42. Evaluation on Test Set
We apply the tranformations learned, use the predict medthod with the best
parameters learnt and compare the results with the labels.
wine_features_test = strat_test_set.drop(“quality”, axis=1)
wine_labels_test = strat_test_set[‘quality’].copy()
wine_features_test_tr = tranform_pipeline.fit_tranform(wine_features_test)
quality_test_predictions =
grid_search.best_estimator_.predict(wine_features_test_tr)
mean_sqaured_error(wine_labels_test, quality_test_predictions)
43. Provides a method to get 95 percent confidence interval
from scipy import stats
confidence = 0.95
squared_errors = (quality_test_predictions - wine_labels_test) ** 2
stats.t.interval(confidence, len(squared_errors) - 1,
loc=squared_errors.mean(),
scale=stats.sem(squared_errors))
44.
Sklearn.datasets Datasets
Sklearn.preprocessing Scaling
StandardScaler
MaxAbsScaler – Divides x with
max ab value
MinMaxScaler
Centering, normalization and
binarization
FunctionTransformer()
PolynomialFeatures()
KBinsDiscretizer
Sklearn.impute Filling missing values
Sklearn.feature_selection Implements feature selection algorithms
Filter:
Variance Threshold
Univariate Feature Selection:
o SelectKBest
o SelectPercentile
o GenericUnivariateSelect
SelectFpr, SelectFdr, SelectFwe
Wrapper:
RFECV
SelectFromModel
SequentialFeatureSelector
Sklearn.feature_extraction Implements feature extraction from raw
data
DictVectorizer
FeatureHasher
Sklearn.linear_model LinearRegression(), Ridge, Lasso
regression, Logistic Regression,
SGDRegressor()
Sklearn.tree DecisionTreeClassfier
Sklearn.model_selection Cross-validation:
KFold
RepeatedKfold
LeaveOneOut
ShuffleSplit
, tuning hyperparameters and plotting
learning_curve
Sklearn.decomposition.pca Feature reduction
Sklearn.kernel_approximation Feature expansion
Sklearn.compose ColumnTransformer
TransformedTargetRegressor
Sklearn.dummy DummyRegressor
Sklearn.metric Mean Absolute Error
Mean Squared Error
r2_score – Coefficient of
Determination
Mean Squared Log Error
Mean Absolute Percentage Error
Median Absolute Error
Max Error
45.
a. Loaders – Small Datasets – Returns a bunch object (dictionary) with data and
target keys – load_*, return_X_y = True returns a tuple of of numpy arrays
(features, target)
b. Fetchers – Larger datasets – Returns a bunch object – fetch_*, return_X_y =
True
c. Generator – make_*, return_X_y = True, generate synthetic datasets
i) make_regression() – produces regression targets with random
linear combination of features.
ii) make_blobs and make_classification() – SINGLE LABEL
creates a bunch of normally distributed clusters of points and
then assigns one or more clusters to each hereby creating multi-
class datasets.
iii) make_multilabel_classification() – MULTILABEL
iv) make_blobs - CLUSTERING
46. HDF5 – Hierarchical Data Format version 5 reduces data load times.
47. Tranformers
a. fit() – Learns model parameters from a training set
b. transform() – Applies the learnt tranformation above to a dataset
c. fit_tranform() – Applies both the steps
Week 2
48. DictVectorizer – Converts lists of mapping of feature names and value into a matrix.
The method is known as building a hash table of the features. Available in
sklearn.feature_extraction
49. FeatureHasher – Applies a hash function to the features to determine their column
index directly instead of building a new table. This is high speed and low-memory
vectorizer but costs inspectability. Outputs a scipy.sparse matrix. Available in
sklearn.feature_extraction
50. sklearn.feature_extraction.image.* - has useful APIs to extract features from image
data.
51. sklearn.feature_extraction.text.* - has useful APIs to extract features from text data.
52. KNNImputer – Uses k nearest neighbours approach. n_neighbors attribute, weights
can be uniform or distance, MissingIndicator returns a binary matrix with true values
corresponding to imputed entries.
First weights are calculated for every sample wrt to the sample we are imputing.
Then euclidean distance is computed keeping the weights in mind
Then the samples with nth least distances are selected
Then the their column values are used to fill the value for the sample.
53. FunctionTransformer(numpy.log2) – Applies a transformation by a user defined
function
54. PolynomialFeatures(degree=n) – Generates a new feature matrix with all of
polynomial combinations of features with degree less than or equal to the one
specified except 1.
55. KbinsDiscretizer (n_bins, encode = onehot, ordinal, onehot-dense,
strategy=uniform, quantile, kmeans, random_state) – Divides continuous
variables into bins.
56. VarianceThreshold – Removes all features with variance below a certain threshold
57. Univariate:
a. SelectKBest – Removes all but the k highest scoring features
b. SelectPercentile – Removes all but a user specifie highest scoring percentage
og features
c. GenericUnivariateSelect – Configurable strategy which can be found using
hyper-parameter search
d. SelectFpr – Selects features based on False Positive Rate
e. SelectFdr – Selects features based on an estimated False Discovery Rate
f. SelectFwe – Selects features based on Family-Wise Error Rate
58. Wrapper Based:
a. Recursive Feature Elimination (RFE) – Uses an estimator to recursively
remove features, RFECV if we do not want to specify the number of features
we want in the end. Performs RFE in cross-validation to find the optimal
number of features.
b. SelectFromModel(max_features) – Selects a desired number of important
feaures above a certain threshold of feature importance. Feature importance is
obtained via coef_, feature_importances_ or an importance_getter callable
from the trained estimator.
clf = LinearSVC(C=0.01, penalty="l1", dual=False)
clf = clf.fit(X, y)
clf.coef_
model = SelectFromModel(clf, prefit=True)
X_new = model.transform(X)
Here we use a linear support vector classifier to get coefficients of features for
SelectFromModel transformer. It ends up selecting features with non-zero
weights or coefficients.
59. Sequential Feature Selection(estimator, n_features_to_select, tol, direction, cv,
n_jobs):
a. Forward Selection
b. Backward Selection
Week 3
60. DummyRegressor(strategy=‘mean/median/quartile/constant’) – Makes a
prediction based on the strategy specified based on the training set.
61. LinearRegressor() – For normal equation
62. SGDRegressor(loss= ‘squared error/huber’, penalty = ‘l1, l2, elasticnet’, average
=True/Some integer value learning_rate = ‘constant, optimal, invscaling,
adaptive’, early_stopping = ‘True/False’, validation_fraction=0.2
shuffle=‘True/False’, max_iter=1000, tol=1e-3, n_iter_no_change=5,
warm_start=True) – For iterative optimization of linear regression, used for larger
training set (more than 10k samples), allows for greater hyperparameter optimization.
In inverse scaling the learning rate changes for every iteration, the formula which is:
eta = eta0 / pow(t, power_t)
If loss is changing too slowly we need to increase the learning_rate or if there is some
oscillation then we need to reduce the learning rate.
Can set constant learning rate using:
linear_regressor = SGDRegressor(learning_rate='constant',
eta0=1e-2)
Can set adaptive learning rate using:
linear_regressor = SGDRegressor(learning_rate='adaptive',
eta0=1e-2)
The learning rate is kept to initial value as long as the training loss decreases.When
the stopping criterion is reached, the learning rate is divided by 5, and the training
loop continues. The algorithm stops when the learning rate goes below 10.
SGD converges after observing approximately training samples. Thus, a reasonable
first guess for the number of iterations for sampled training set is:
max_iter = np.ceil(10 raised to the power 6 /n) where n is the number of samples.
63. linear_regressor.coef_The weights learnt are stored in the coef_ class variable
64. linear_regressor.intercept_ Provides the intercept. These both work for all
regression estimators.
65. linear_regressor.score(X_test, y_test) – Returns R square or coefficient of
determination. The best possible score is 1. Score can be negative.
Score is a metric for which higher value is better.
Error is a metric for which lower value is better.
Convert error metric to score metric by adding neg_ suffix.
66. kfold_cv = KFold(n_splits=5, random_state=42)
score = cross_val_score(lin_reg, X, y, cv=kfold_cv)
67. LeaveOneOut() – Similar implementation loocv = LeaveOneOut()
68. ShuffleSplit()
lin_reg = linear_regression()
shuffle_split = ShuffleSplit(n_splits=5, test_size=0.2, random_state=42)
score = cross_val_score(lin_reg, X, y, cv=shuffle_split)
User defined train_test splits, robust to class distribution. In each iteration shuffles the
data before splitting into train and test.
69. score = cross_val_score(lin_reg, X, y, cv=shuffle_split,
scoring='neg_mean_absolute_error')
70. cv = ShuffleSplit(n_splits=40, test_size=0.3,
random_state=0)
cv_results = cross_validate(
regressor, data, target,
cv=cv, scoring="neg_mean_absolute_error",
return_train_score=True,
return_estimator=True)
71. learning_curve – Checks the effect of the number of samples on errors.
results = learning_curve(
lin_reg, X_train, y_train, train_sizes=train_sizes, cv=cv,
scoring="neg_mean_absolute_error")
train_size, train_scores, test_scores = results[:3]
# Convert the scores into errors
train_errors, test_errors = -train_scores, -test_scores
Week-5
Covers classification algorithms mainly in this week, alongwith their cross validation and
hyperparameter search.
There are two kinds of APIs based on FUNCTIONALITY:
a. Generic: SGD Classifier – Generic uses gradient descent for optimisation and requires
a loss function to be specified to optimize.
b. Specific: Logistic Reg, Perceptron, Ridge (for LSC), KNN, SVM, Naïve Bayes –
Uses specialised solvers for optimization.
72. Model training done by fit(x,y[, coef_init, intercept_init, …)
73. Prediction is carried out by predict(x) or decision_function(X)
74. Evaluation: score(X, y[, sample_weight])
75. get_params([deep]) – gets the parameter for this estimator
76. set_params(**params) – sets the parameters of this estimator
77. densify() – converts coefficient matrix to dense array format
78. sparsify() – converts coefficient matrix to sparse format
79. RidgeClassifier()
Is a classifier variant of the Ridge regressor.
Binary: converts the binary targets to +1, -1 and then treats the problems as a
regression task, optimizing the objective of regressor: which is minimizing a
penalized residual sum of squares. For this sklearn has different solvers. Sklearn
provides different solvers for this optimization.
Multiclass: Treated as multi-output classification, predicted class is the one with the
highest output value.
from sklearn.linear_model import RidgeClassifier
ridge_classifier = RidgeClassifier(alpha=0.001)
ridge_classifier.fit(X_train, y_train)
Alpha should be positive and larger alpha values specify stronger regularization.
List of solvers for optimization problem in RidgeClassifier:
80. svd – Uses SVD to compute ridge coefficients
81. cholesky – uses scipy.linalg.solve function to obtain the closed form solution.
82. sparse_cg – uses the conjugate gradient solver of scipy.sparse.linalg.cg
83. lsqr - uses the dedicated regularized least-squares routine scipy.sparse.linalg.lsqr and
it is fastest.
84. sag, saga - uses a Stochastic Average Gradient descent iterative procedure 'saga' is
unbiased and more flexible version of 'sag'.
85. lbfgs - uses L-BFGS-B algorithm implemented in scipy.optimize.minimize. Can be
used only when coefficients are forced to be positive.
For large scale data, use ‘sparse_cg’ solver. When both samples and feature size is large
we use sag or saga solvers. Fast convergence os only guaranteed on features with approx
the same scale.
86. auto – chooses the solver automatically based on the type of data. The deafult choice
of solver is auto.
ridge_classifier = RidgeClassifier(solver=auto)
If the data is already centered we set fit_intercept as false, so that no intercept will be used in
calculations. Default value for fit_intercept is true.
87. RidgeClassifierCV – Implements RidgeClassifier with built-in cross validation.
88. Perceptron() – A simple classification alogirthm suitable for large scale learning and
shares the same underlying implementation with SDGClassifier and uses it for
training.
SGDClassifier(loss="perceptron", eta0=1, learning_rate="constant", penalty=None)
Implementation of Perceptron:
from sklearn.linear_model import Perceptron
perceptron_classifier = Perceptron()
# Model training with feature matrix X_train and
# label vector or matrix y_train
perceptron_classifier.fit(X_train, y_train)
Perceptron can be classified using the following parameters:
penalty (‘l2') l1_ratio (0.15) alpha (0.0001) early_stopping(False) tol (1e-
3)
fit_intercept(True max_iter(1000) validation_fraction no_iter_no_change(5) eta0(1)
) (0.1)
Perceptron classifier can be trained in an iterative manner with partial_fit method.
Perceptron classifier can be initialized to the weights of the previous run by
specifying warm_start = True in the constructor.
89. LogisticRegression API – Implements logistic regression. Also known as logit
regresssion, max entropy classifier (maxent) and log-linear classifier.
min regularization penalty + C cross entropy loss
This implementation can fit: binary classification, one-vs-rest (OVR) and multinomial
logistic regression.
Provision for l1, l2 or elastic-net regularization.
Straightforward implementation with a simple instantiation and then fitting the object
with the training feature matrix and label vector.
Logistic regression uses specific algorithms for solving the optimization problem in
training. These algorithms are known as solvers.
The choice of the solver depends on the classification problem set up such as size of
the dataset, number of features and labels.
Solvers for Logistic Regression:
a. newton-cg: Robust for unscaled datasets; Handles multinomial loss; supports l2
and none penalties
b. lbfgs: Robust for unscaled datasets; Handles multinomial loss; Is the default
solver for logistic regression; supports l2 and none penalties
c. liblinear: Better for smaller datasets; Robust for unscaled datasets; Limited to 1 vs
rest schemes; supports l1 and l2
d. sag: Faster for larger ones; Handles multinomial loss; supports l2 and none
penalties
e. saga: Faster for larger ones; Handles multinomial loss; supports all penalties
LogisticRegression classifier has a class_weight parameter in its constructor.
LogisticRegressionCV implements logistic regression with in built cross validation
support to find the best values of C and l1_ratio parameters according to the specified
scoring attribute.
These classifiers can also be implemented with a generic SGDClassifier API by
setting the loss parameter appropriately.
90. SGDClassifier - SGD is a simple yet very efficient approach to fitting linear
classifiers under convex loss functions. This API uses SGD as an optimization
technique and can be applied to build a variety of linear classifiers by adjusting the
loss parameter.
Easily scales up to large scale problems with more than training examples and
features. It also works with sparse machine learning problem like Text classification
and natural language processing
We need to set loss parameter appropriately to build train classifier of our interest
with SGDClassifier:
a. hinge: (soft-margin) linear Support Vector Machine; is the default.
b. log: logistic regression
c. modified_huber: smoothed hinge loss brings tolerance to outliers as well as
probability estimates
d. squared_hinge: like hinge but is quadratically penalized
e. perceptron: linear loss used by the perceptron algorithm
f. squared_error: Also known as ‘huber’, ‘epsilon_insensitive’, or
‘squared_epsilon_insensitive’ it is used for regression losses.
SGDClassifier implements a plain stochastic gradient descent learning routine:
the gradient of the loss is estimated with one sample at a time and the model is
updated along the way with a decreasing learning rate (or strength) schedule.
Advantages:
1. Efficiency
2. Ease of implementation
Disadvantages:
1. Requires a number of hyperparameters
2. Sensitive to feature scaling
It is important:
a. to permute (shuffle) the training data before fitting the model.
b. to standardize the features.
Same process:- Instantiate and then fit with the feature matrix and label
vectors.
Parameters:
a. penalty: l2, l1, elasticnet = (1-l1_ratio) * L2 + l1_ratio * L1
l1_ratio default=0.15
b. alpha: constant value that multiplies the regularization term. Float values
and default=0.0001
c. max_iter: Max number of passes (epochs) default = 1000
d. learning_rate: constant, optimal, invscaling, adaptive
e. average: option for averaged SGD
f. warm_start: True, False
g. Stopping criteria: tol, n_iter_no_change, max_iter, early_stopping,
validation_fraction
91. Multi learning:
multi-class – exactly one output label and total number of labels > 2.
multilabel – total number of labels = 2
multiclass-multioutput – total number of labels > 2
We refer to both multilabel and multiclass-multioutput as multi-label
classification.
sklearn provides a bunch of meta-estimators, which extend the functionality of
base estimators to support multi-learning problems.
The meta-estimators transform the multi-learning problem into a set of simpler
problems and fit one estimator per problem. Many sklearn estimators have built-in
support for multi-learning problems:
Meta-estimators are not needed for such estimators, however meta-estimators
can be used in case we want to use these base estimators with strategies
beyond the built-in ones.
Inherently multiclass:
LogisticRegression (multi_class = ‘multinomial’)
LogisticRegressionCV (multi_class = ‘multinomial’)
RidgeClassifier
RidgeClassifierCV
Multiclass as OVR:
LogisticRegression (multi_class = ‘ovr’)
LogisticRegressionCV (multi_class = ‘ovr’)
SGDClassifier
Perceptron
Multilabel:
RidgeClassifier
RidgeClassifierCV
92. Multi-class classification:
Classification task with more than two classes.
Each example is labeled with exactly one class
Each example is marked with a single label out of k labels. The shape of label vector
is (n, 1). Use LabelBinarizer transformation to convert the class label to multi-class
format.
from sklearn.preprocessing import LabelBinarizer
y = np.array(['apple', 'pear', 'apple', 'orange'])
y_dense = LabelBinarizer().fit_transform(y)
Use type_of_target to determine the type of the label.
from sklearn.utils.multiclass import type_of_target
type_of_target(y)
In case, is a vector with more than two discrete values, type_of_target returns
multiclass.
target_type y
multiclass contains more than two discrete values
not a sequence of sequences
1d or a column vector
multiclass-multioutput 2d array that contains more than two
discrete values
not a sequence of sequences
dimensions are of size > 1
multilabel-indicator label indicator matrix
an array of two dimensions with at least
two columns, and at most 2 unique
values.
unknown array-like but none of the above, such as
a 3d array,
sequence of sequences, or an array of
non-sequence objects.
Apart from these, there are three more types, type_of_target can determine targets
corresponding to regression and binary classification.
continuous - regression target
continuous-multioutput - multi-output target
binary – classification
All classifiers in scikit-learn perform multiclass classification out-of-the-box.
Use sklearn.multiclass module only when you want to experiment with
different multiclass strategies.
Using different multi-class strategy than the one implemented by default may
affect performance of classifier in terms of either generalization error or
computational resource requirement.
93. Multiclass classification strategies:
One vs Rest (OVR) also known as One vs All
One vs One (OVA)
94. OVR – OneVsRestClassifier
Fits one classifier per class c – c vs not c.
This approach is computationally efficient and requires only classifiers.
The resulting model is interpretable.
from sklearn.multiclass import OneVsRestClassifier
OneVsRestClassifier(LinearSVC(random_state=0)).fit(X, y)
95. .to_numpy() – converts matrices and vectors to numpy arrays.
96. np.int8 – used for arrays representing images with 3 color channels having small
integer values.