Question - What sorts of people were more likely to survive?
The question or problem definition for Titanic Survival competition is followed:
Some early understanding about the problem is developed by the description on the Kaggle competition Description page. Here are the highlights to note.
The following Python Pandas packages help us work with datasets in this project.
# data analysis and wrangling
import pandas as pd
import numpy as np
import random as rnd
# visualization
import seaborn as sns
import matplotlib.pyplot as plt
%matplotlib inline
# machine learning
from sklearn.linear_model import LogisticRegression
from sklearn.feature_selection import f_regression
from sklearn.svm import SVC, LinearSVC
from sklearn.ensemble import RandomForestClassifier
from sklearn.neighbors import KNeighborsClassifier
from sklearn.naive_bayes import GaussianNB
from sklearn.linear_model import Perceptron
from sklearn.tree import DecisionTreeClassifier
# Filter all warnings. 
import warnings
warnings.filterwarnings('ignore')
We start by acquiring the training and testing datasets into Pandas dataframes.
# Open the local files
from google.colab import files
uploaded = files.upload()
# Load local files as pandas dataframe
train = pd.read_csv(r'train.csv')
test = pd.read_csv(r'test.csv')
combine = [train,test]
Pandas also helps describe the datasets answering following questions early in the project.
Which features are available in the dataset?
Noting the feature names for directly manipulating or analyzing these. These feature names are as followed:
print(train.columns.values)
Let's preview the data.
train.head()
What are the data types for various features?
Helping us during converting goal.
train.info()
print('-'*40) # Draw the seperate line
test.info()
Which features are categorical?
These values classify the samples into sets of similar samples. Within categorical features are the values nomial, ordinal, ratio, or interval based? Among other things this helps us select the appropriate plot for visualization.
Which features are numerical?
Within numerical features are the values discrete, continuous, or timeseries based. Among other things this helps us select the appropraite plots for visualization.
Which features are mixed data types?
Some features are alphanumeric data which are the mix of letters and numbers. Moreover, the mix of numeric and alphanumeric data exist within same feature. These are candidates for correcting goal.
What is the distribution of numerical features?
This helps us determine, among other early insights, how representative is the training dataset of the actual problem domain.
train.describe()
train['Age'].describe(percentiles=[.9, .99])
train['SibSp'].describe(percentiles=[.68,.69])
train['Parch'].describe(percentiles=[.75,.8])
train['Fare'].describe(percentiles=[ .9, .99])
What is the distribution of categorical features?
train.describe(include=['O'])
Which features may contain errors or typos?
This is harder to review for a large dataset; however, reviewing a few samples from a smaller dataset may just tell us outright, which features may require correcting.
train['Name'].head()
Which features contain blank, null or empty values?
These will require correcting.
# Check for nulls for the training dataset
null_check_train = train.isnull().sum()
null_check_train
# Show the nulls in Age, Cabin, and Embarked variables in percentage
null_age_train_percent = round(null_check_train['Age']/(len(train['Age'])/100),2)
null_cabin_train_percent = round(null_check_train['Cabin']/(len(train['Cabin'])/100),2)
null_embarked_train_percent = round(null_check_train['Embarked']/(len(train['Embarked'])/100),2)
# The bar plot of missing values in percentage for train dataset
df_null_train = pd.DataFrame({'Feature':['Cabin','Age','Embarked'],
                              'Percentage':[null_cabin_train_percent,
                                            null_age_train_percent,
                                            null_embarked_train_percent]})
sns.catplot(x='Feature',y='Percentage',kind='bar', data=df_null_train,palette="Blues_d")
plt.show()
print(null_cabin_train_percent,'% of data in Cabin feature are missing.')
print(null_age_train_percent,'% of data in Age feature are missing.')
print(null_embarked_train_percent,'% of data in Embarked feature are missing.')
# Check for nulls for the test dataset
null_check_test = test.isnull().sum()
null_check_test
# Show the nulls in Age, Fare, and Cabin variables in percentage
null_age_test_percent = round(null_check_test['Age']/(len(test['Age'])/100),2)
null_fare_test_percent = round(null_check_test['Fare']/(len(test['Fare'])/100),2)
null_cabin_test_percent = round(null_check_test['Cabin']/(len(test['Cabin'])/100),2)
# The bar plot of missing values in percentage for test dataset
df_null_test = pd.DataFrame({'Feature':['Cabin','Age','Fare'],
                              'Percentage':[null_cabin_test_percent,
                                            null_age_test_percent,
                                            null_fare_test_percent]})
sns.catplot(x='Feature',y='Percentage',kind='bar', data=df_null_test,palette="Blues_d")
plt.show()
print(null_cabin_test_percent,'% of data in Cabin feature are missing.')
print(null_age_test_percent,'% of data in Age feautre are missing.')
print(null_fare_test_percent,'% of data in Embarked feature are missing.')
We arrive at following assumptions based on data analysis done so far. We may validate these assumptions further before taking appropriate actions.
Correlating
We want to know how well each feature correlates with Survived. We want to do this early in the project and match these quick correlations with modelled correlations later in the project.
Completing
Correcting
Creating
Classifying
We may also add to our assumptions based on the problem description noted earlier.
To confirm some of our observations and assumptions, we can quickly analyze our feature correlations by pivoting features against each other. We can only do so at this stage for features which do not have any empty values. It also make sense doing so only for features which ordinal (Pclass), categorical (Sex) or discrete (SibSp, Parch) type.
pclass_sort = train[['Pclass','Survived']].groupby(['Pclass'],as_index=False).mean().sort_values(by='Survived',ascending=False)
pclass_plot = sns.catplot(x='Pclass',y='Survived',kind='bar',data=pclass_sort, palette = "Blues_d")
pclass_plot.set(title="The Average Survival Rate for Passengers in Different Classes")
plt.xticks(rotation=0)
plt.show()
sex_sort = train[['Sex','Survived']].groupby(['Sex'],as_index=False).mean().sort_values(by='Survived',ascending=False)
sex_plot = sns.catplot(x='Sex',y='Survived',kind='bar',data=sex_sort, palette = "Blues_d")
sex_plot.set(title="The Average Survival Rate for Passengers in Different Sex")
plt.xticks(rotation=0)
plt.show()
sibsp_sort = train[['SibSp','Survived']].groupby(['SibSp'],as_index=False).mean().sort_values(by='Survived',ascending=False)
sibsp_plot = sns.catplot(x='SibSp',y='Survived',kind='bar',data=sibsp_sort, palette = "Blues_d")
sibsp_plot.set(title="The Average Survival Rate for Passengers with Different Number of Siblings and/or Spouses")
plt.xticks(rotation=0)
plt.show()
parch_sort = train[['Parch','Survived']].groupby(['Parch'],as_index=False).mean().sort_values(by='Survived',ascending=False)
parch_plot = sns.catplot(x='Parch',y='Survived',kind='bar',data=parch_sort, palette = "Blues_d")
parch_plot.set(title="The Average Survival Rate for Passengers with Different Number of Parents and/or Children")
plt.xticks(rotation=0)
plt.show()
Now we can continue confirming some of our assumptions using visualization for analyzing the data.
Let's start by understnding correlations between numerical features and our solution goal (Survived).
A histogram chart is useful for analyzing continuous numerical variables like Age where banding or ranges will help identify useful patterns. The historgram can indicate distribution of samples using automatically defined bins or equally ranged bands. This helps us answer question realting to specific bands (Did infants have better chance to survive?)
Note that x-axis in histogram visualizations represents the count of samples or passengers.
Observations
hist_age = sns.FacetGrid(train,col='Survived')
hist_age.map(plt.hist,'Age',bins=20)
Decisions
This simple analysis confirms our assumptions as decisions for subsequent workflow stages.
We can combine multiple features for identifying correlations using a single plot. This can be done with numerical and categorical features which have numeric values.
Observations
hist_pclass = sns.FacetGrid(train, col='Survived', row = 'Pclass', size=2.2, aspect = 1.6)
hist_pclass.map(plt.hist, 'Age', alpha = .5, bins=20)
hist_pclass.add_legend()
Decisions
Consider Pclass for model training.
Now we can correlate categorical features with our solution goal.
Observations
point_embarked = sns.FacetGrid(train,row='Embarked',size=2.2, aspect=1.6)
point_embarked.map(sns.pointplot,'Pclass','Survived','Sex',palette='Blues_d')
point_embarked.add_legend()
Decision
We may also want to correlate categorical features (with non-numeric values) and numeric features. We can consider correlating Embarked (Categorical non-numeric), Sex (Categorical non-numeric), Fare (Numeric continuous), with Survived (Categorical numeric).
Observations
bar_embarked = sns.FacetGrid(train,row='Embarked',col='Survived',size=2.2, aspect=1.6)
bar_embarked.map(sns.barplot, 'Sex','Fare',alpha=0.5, ci=None)
bar_embarked.add_legend()
Decisions
Consider banding Fare features and add the banded one into model training.
We have collected several assumptions and decisions regarding our datasets and solution requirements. So far we did not have to change a single feature or value to arrive at these. Let's now execute our decisions and assumptions for correcting, creating, and completing goals.
Now we can convert features which contain strings to numerical values. This is required by most model algorithms. Doing so will also help us in achieving the feature completing goal.
Let's start by converting Sex feature to a new Sex feature where female=1 and male=0.
for dataset in combine:
    dataset['Sex'] = dataset['Sex'].map( {'female': 1, 'male': 0} ).astype(int)
train = combine[0]
test = combine[1]
plt.subplot(1,2,1)
sns.countplot(x='Sex',data=train, palette='Blues_d').set(title="Converted Sex Feature for Training Dataset")
plt.subplot(1,2,2)
sns.countplot(x='Sex',data=test, palette='Blues_d').set(title="Converted Sex Feature for Testing Dataset")
Now we should start estimating and completing features with missing or null values. We will first do this for the Age feature.
We can consider three methods to complete a numerical continuous feature.
Methods 1 and 3 will introduce random noise into our models. The results from multiple executions might vary, so we will prefer method 2.
# female=1 and male=0
hist_age = sns.FacetGrid(train, row='Pclass', col='Sex', size=2.2, aspect=1.6)
hist_age.map(plt.hist,'Age',alpha=0.5,bins=20)
hist_age.add_legend()
Let's start by preparing an empty array to contain guessed Age values based on Pclass x Sex combintions.
guess_ages = np.zeros((2,3))
guess_ages
Now we iterate over Sex (0 or 1) and Pclass (1,2,3) to calculate guessed values of Age for the six combinations.
for dataset in combine:
  for i in range(0, 2):
        for j in range(0, 3):
            guess_df = dataset[(dataset['Sex'] == i) & (dataset['Pclass'] == j+1)]['Age'].dropna()
            age_guess = guess_df.median()
            guess_ages[i,j] = int(age_guess/0.5+0.5)*0.5 # Convert random age float to nearest .5 age
  for i in range(0, 2):
        for j in range(0, 3):
            dataset.loc[ (dataset.Age.isnull()) & (dataset.Sex == i) & (dataset.Pclass == j+1),
                    'Age'] = guess_ages[i,j]
  dataset['Age'] = dataset['Age'].astype(int)
train['Age'].isnull().sum(), test['Age'].isnull().sum()
combine=[train,test] # Save the updated version for later analysis
Let's create Age bands and determine correlations with Survived.
train['AgeBand'] = pd.cut(train['Age'],5)
ageband_sort = train[['AgeBand','Survived']].groupby(['AgeBand'], as_index=False).mean().sort_values(by='AgeBand',ascending=True)
ageband_sort_plot = sns.catplot(x='AgeBand',y='Survived',kind='bar', data=ageband_sort,palette="Blues_d")
ageband_sort_plot.set(title="The Average Survival Rate for Passengers in Different Age Bands")
plt.xticks(rotation=45)
plt.show()
Let's replace Age with ordinals based on these bands.
for dataset in combine:
  dataset.loc[dataset['Age']<=16, 'Age'] = 0
  dataset.loc[(dataset['Age']>16) & (dataset['Age']<=32),'Age'] = 1
  dataset.loc[(dataset['Age']>32) & (dataset['Age']<=48),'Age'] = 2
  dataset.loc[(dataset['Age']>48) & (dataset['Age']<=64),'Age'] = 3
  dataset.loc[dataset['Age']>64,'Age'] = 4
train['Age'].unique()
test['Age'].unique()
We can remove the AgeBand feature.
train = train.drop(['AgeBand'],axis=1)
combine = [train,test] # Save the updated version for later analysis
print(train.columns.values)
Embarked feature takes S, Q, C values based on port of embarkation. Our training dataset has two missing values. We simply fill these with the most common occurance.
max_freq_port = train.Embarked.dropna().mode()[0] # mode(): Single mode (most common value) of discrete or nominal data
max_freq_port
for dataset in combine:
  dataset['Embarked']=dataset['Embarked'].fillna(max_freq_port)
embarked_sort = train[['Embarked','Survived']].groupby(['Embarked']).mean().sort_values(by='Survived',ascending=False)
embarked_sort['Embarked'] = embarked_sort.index
embarked_sort_plot = sns.catplot(x='Embarked',y='Survived',kind='bar', data=embarked_sort,palette="Blues_d")
embarked_sort_plot.set(title="The Average Survival Rate for Passengers from Different Ports")
plt.xticks(rotation=0)
plt.show()
We can now convert the EmbarkedFill feature by creating a new numeric Port feature.
for dataset in combine:
  dataset['Embarked'] = dataset['Embarked'].map({'S':0,'C':1,'Q':2}).astype(int)
train['Embarked'].unique()
We can now complete the Fare feature for single missing value in testing dataset using mode to get the value that occurs most frequently for this feature.
Note that we are not creating an intermediate new feature or doing any further analysis for correlation to guess missing feature as we are replacing only a single value. The completion goal achieves desired requirement for model algorithm to operate on non-null values.
We may also want to round off the fare to two decimals as it represents currency.
test['Fare'].isnull().sum()
test['Fare'].fillna(test['Fare'].dropna().median(),inplace=True)
test['Fare'].isnull().sum()
We can create FareBand feature.
train['FareBand'] = pd.qcut(train['Fare'],4)
fareband_sort = train[['FareBand','Survived']].groupby(['FareBand'], as_index=False).mean().sort_values(by='FareBand',ascending=True)
fareband_sort_plot = sns.catplot(x='FareBand',y='Survived',kind='bar', data=fareband_sort,palette="Blues_d")
fareband_sort_plot.set(title="The Average Survival Rate for Passengers in Different Fare Bankds")
plt.xticks(rotation=45)
plt.show()
combine=[train,test] # for later analysis
Convert Fare feature to ordinal values based on FareBand feature.
for dataset in combine:
  dataset.loc[dataset['Fare']<=7.91,'Fare'] = 0
  dataset.loc[(dataset['Fare']>7.91) & (dataset['Fare']<=14.454),'Fare'] = 1
  dataset.loc[(dataset['Fare']>14.454) & (dataset['Fare']<=31),'Fare'] = 2
  dataset.loc[dataset['Fare']>31,'Fare'] = 3
  dataset['Fare'] = dataset['Fare'].astype(int)
train = train.drop(['FareBand'],axis=1)
train['Fare'].unique()
test['Fare'].unique()
combine = [train,test] # Save for later analysis
By dropping features we are dealing with fewer data points, speeding up our notebook and easing the analysis.
Based on our assumptions and decisions, we want to drop the Cabin (correcting #2) and Ticket (correcting #1) features.
Note that where applicable we perform operations on both training and testing datasets together by stay consistent.
print('Before dropping Cabin and Ticket features', train.shape,test.shape)
train = train.drop(['Cabin','Ticket'],axis=1)
test = test.drop(['Cabin','Ticket'],axis=1)
print('After dropping Cabin and Ticket features', train.shape,test.shape)
combine=[train,test] # Save for later analysis
We want to analyze if Name feature can be engineered to extract titles and test correlation between titles and survival rate, before dropping Name feature.
In the following code, we extract Title feature using regular expressions. The RegEx pattern (\w+\.) matches the first word which ends with ends with a dot character within Name feature. The expand=False flag returns a dataframe.
for dataset in combine:
    dataset['Title'] = dataset.Name.str.extract(' ([A-Za-z]+)\.', expand=False)
title_train = pd.crosstab(train['Title'], train['Sex'])
title_train['Title'] = title_train.index
#plt.figure(figsize=(10,5))
plt.subplot(1,2,1)
sns.barplot(x='Title', y=0, data=title_train,palette="Blues_d")
plt.title("Titles for Male Passengers in Training Dataset")
plt.xticks(rotation=45)
plt.subplot(1,2,2)
sns.barplot(x='Title', y=1,data=title_train,palette="Blues_d")
plt.title("Titles for Female Passengers in Training Dataset")
plt.xticks(rotation=45)
title_test = pd.crosstab(test['Title'], test['Sex'])
title_test['Title'] = title_test.index
#plt.figure(figsize=(10,5))
plt.subplot(1,2,1)
sns.barplot(x='Title', y=0, data=title_test,palette="Blues_d")
plt.title("Titles for Male Passengers in Testing Dataset")
plt.xticks(rotation=45)
plt.subplot(1,2,2)
sns.barplot(x='Title', y=1,data=title_test,palette="Blues_d")
plt.title("Titles for Female Passengers in Testing Dataset")
plt.xticks(rotation=45)
We can replace many titles with a more common name or classify them as Rare.
for dataset in combine:
    dataset['Title'] = dataset['Title'].replace(['Lady', 'Countess','Capt', 'Col', 'Don', 'Dr', 'Major', 'Rev', 'Sir', 'Jonkheer', 'Dona'], 'Rare')
    dataset['Title'] = dataset['Title'].replace('Mlle', 'Miss')
    dataset['Title'] = dataset['Title'].replace('Ms', 'Miss')
    dataset['Title'] = dataset['Title'].replace('Mme', 'Mrs')
    
title_sort = train[['Title', 'Survived']].groupby(['Title'], as_index=False).mean()
title_plot =  sns.catplot(x='Title',y='Survived',kind='bar', data=title_sort,palette="Blues_d")
title_plot.set(title="The Average Survival Rate for Passengers in Different Titles")
plt.xticks(rotation=45)
plt.show()
We can convert the categorical title to ordinal.
title_mapping = {"Mr": 1, "Miss": 2, "Mrs": 3, "Master": 4, "Rare": 5}
for dataset in combine:
    dataset['Title'] = dataset['Title'].map(title_mapping)
    dataset['Title'] = dataset['Title'].fillna(0)
print(train['Title'].unique())
print(test['Title'].unique())
Now we can safely drop the Name feature from training and testing datasets. We also do not need the PassengerId feature in the training dataset.
train = train.drop(['Name','PassengerId'],axis=1)
test_id = test['PassengerId']
test = test.drop(['Name','PassengerId'],axis=1)
combine = [train,test]
train.shape,test.shape
combine=[train,test] # Save for later analysis
Observations
When we plot Title, Age, and Survived, we note the following obsevations.
# "Mr": 1, "Miss": 2, "Mrs": 3, "Master": 4, "Rare": 5
hist_title = sns.FacetGrid(train,col='Survived', row="Title",size=2.2,aspect=1.6)
hist_title.map(plt.hist,'Age', alpha = .5, bins=20)
hist_title.add_legend()
Decisions
We decide to retain the new Title feature for model training.
We can create a new feature for FamilySize which combines Parch and SibSp. This will enable us to drop Parch and SibSp from our datasets.
for dataset in combine:
  dataset['FamilySize'] = dataset['SibSp'] + dataset['Parch'] + 1
family_size_sort = train[['FamilySize','Survived']].groupby(['FamilySize'], as_index=False).mean().sort_values(by='Survived',ascending=False)
family_size_plot = sns.catplot(x='FamilySize',y='Survived',kind='bar', data=family_size_sort,palette="Blues_d")
family_size_plot.set(title="The Average Survival Rate for Passengers in Different Family Sizes")
plt.xticks(rotation=45)
plt.show()
We can create another feature called IsAlone.
for dataset in combine:
  dataset['IsAlone'] = 0
  dataset.loc[dataset['FamilySize'] == 1, 'IsAlone'] = 1
IsAlone = train[['IsAlone','Survived']].groupby(['IsAlone'], as_index=False).mean()
IsAlone_plot = sns.catplot(x='IsAlone',y='Survived',kind='bar', data=IsAlone,palette="Blues_d")
IsAlone_plot.set(title="The Average Survival Rate for Passengers who is Alone or Not")
plt.xticks(rotation=0)
plt.show()
Let's drop Parch, SibSp, and FamilySize features in favor of IsAlone.
train = train.drop(['Parch','SibSp','FamilySize'],axis=1)
test = test.drop(['Parch','SibSp','FamilySize'],axis=1)
combine = [train,test]
print(train['IsAlone'].unique())
print(test['IsAlone'].unique())
We can also create an aritificial feature combining Pclass and Age.
#for dataset in combine:
#  dataset['Age*Class'] = dataset.Age * dataset.Pclass
#train.loc[:,['Age*Class','Age','Pclass']].head()
Now we are ready to train a model and predict the required solution. There're 60+ predictive modelling algorithms to choose from. We must understand the type of problem and solution requirement to narrow down to a select few models which we can evaluate. Our problem is a classification and regression problem. We want to identify relationship between output (Surived or not) with other variables or features (Sex, Age, Embarked ...). We are also performing a category of machine learning which is supervised learning as we are training our model with a given dataset. With these two criteria - Supervised Learning plus Classification and Regression, we can narrow down our choice of models to a few. These include:
X_train = train.drop('Survived',axis=1)
Y_train = train['Survived']
X_train.shape, Y_train.shape
Logistic Regression is a useful model to run early in the workflow. Logistic regression measures the relationship between the categorical dependent variable (feature) and one or more independent variables (features) by estimating probabilites usign a logistic function, which is the cumulative logistic distribution. Reference Wikipedia.
Note the confidence score genereated by the model based on the training dataset.
logreg = LogisticRegression()
logreg.fit(X_train,Y_train)
acc_log = round(logreg.score(X_train,Y_train)*100,2)
acc_log
We can use Logistic Regerssion to validate our assumptions and decisions for feature createing and completing goals. This can be done by calculating the coefficient of the features in the decision function.
Positive coefficient increase the log-odds of the response (and thus increase the probability), and negative coefficients decrease the log-odds of the response (and thus decrease the probability).
coef_df = pd.DataFrame(train.columns.delete(0))
coef_df.columns = ['Feature']
coef_df['Correlation'] = pd.Series(logreg.coef_[0])
coef_df['Statistical Significance'] = (f_regression(X_train,Y_train)[1]<0.05).tolist()
coef_df_sort = coef_df.sort_values(by='Correlation', ascending=False)
#plt.figure(figsize=(10,5))
plt.subplot(1,2,1)
sns.barplot(x='Feature',y='Correlation', data=coef_df_sort,palette="Blues_d")
plt.title("Coefficients of Each Feature in the Logistic Regression Model")
plt.xticks(rotation=45)
plt.subplot(1,2,2)
sns.pointplot(x='Feature',y='Statistical Significance', data=coef_df_sort,palette="Blues_d")
plt.title("Statistical Significance of Each Feature in the Logistic Regression Model")
plt.xticks(rotation=45)
X_noAge_train=X_train.drop('Age',axis=1)
logreg_noAge=LogisticRegression()
logreg_noAge.fit(X_noAge_train ,Y_train)
acc_log_noAge= round(logreg1.score(X_noAge_train,Y_train)*100,2)
acc_log_noAge
After dropping Age feature, we did not get a higher confidence score so we decide to retain Age feature in model training for other algorithms.
Support Vector Machines are supervised learning models with associated learning algorithms that analyze data used for classification and regression analysis. Given a set of training samples, each marked as belonging to one or the other of two categories, an SVM training algorithm builds a model that assigns new test samples to one category or the other, making it a non-probabilistic binary linear classifier. Reference Wikepedia.
svc = SVC()
svc.fit(X_train, Y_train)
acc_svc = round(svc.score(X_train,Y_train)*100,2)
acc_svc
In pattern recognition, the k-Nearest Neighbors algorithm (or k-NN for short) is a non-parametric method used for classification and regression. A sample is classified by a majority vote of its neighbors, with the same being assigned to the class most common among its k nearest neighbors (k is a positive integer, typicall small). If k = 1, then the object is simply assigned to the class of that single nearest neighbor. Reference Wikipedia.
knn = KNeighborsClassifier(n_neighbors=3) # ? n_neighbors
knn.fit(X_train, Y_train)
acc_knn = round(knn.score(X_train,Y_train)*100,2)
acc_knn
In machine learning, naive Bayes classifier are a family of simple probabilistic classifiers based on applying Bayes' theorem with strong (naive) independence assumptions between the features. Naive Bayes classifiers are highly scalable, requiring a number of parameters linear in the number of variables (features) in learning problem. Reference Wikipedia.
gaussian = GaussianNB()
gaussian.fit(X_train,Y_train)
acc_gaussian = round(gaussian.score(X_train,Y_train)*100,2)
acc_gaussian
The perceptron is an algorithm for supervised learning of binary classifier (functions that can decide whether an input, represented by a vector of numbers, belongs to some specific class or not). It is a type of linear classifier, i.e. a classification algorithm that makes its predictions based on a linear predictor function combining a set of weights with the feature vector. The algorithm allows for online learning, it that it processes elements in the training set one at a time. Reference Wikipedia.
perceptron = Perceptron()
perceptron.fit(X_train,Y_train)
acc_perceptron = round(perceptron.score(X_train,Y_train)*100,2)
acc_perceptron
Decision tree is a predictive model which maps features (tree branches) to conclusion about the target value (tree leaves). Tree models where the target variable can take a finite set of values are called classification tree; in these tree structures, leaves represent class labels and branches represent conjunctions of features that lead to those class labels. Decision tress where the target variable can take continuous values (typically real numbers) are called regression trees. Reference Wikipedia.
decision_tree = DecisionTreeClassifier()
decision_tree.fit(X_train,Y_train)
acc_decision_tree = round(decision_tree.score(X_train,Y_train)*100,2)
acc_decision_tree
Random forests or random decision forest are an ensemble learning method for classification, regression, and other tasks, that operate by constructing a multitude of decision trees (n_estimators) at training time and outputting the class that is the mode of the classes (classification) or mean prediction (regression) of the individual trees. Reference Wikipedia.
random_forest = RandomForestClassifier(n_estimators=100)
random_forest.fit(X_train,Y_train)
acc_random_forest = round(random_forest.score(X_train,Y_train)*100,2)
acc_random_forest
We can now rank our evaluation of all the models to choose the best for our problem.
models = pd.DataFrame({
    'Model':['Support Vector Machines', 'KNN', 'Logistic Regression','Random Forest','Naive Bayes','Perceptron','Decision Tree'],
    'Score':[acc_svc,acc_knn,acc_log,acc_random_forest,acc_gaussian,acc_perceptron,acc_decision_tree]
})
models_sort =  models.sort_values(by='Score',ascending=False)
model_plot = sns.catplot(x='Model',y='Score',kind='bar', data=models_sort,palette="Blues_d")
model_plot.set(title="Confidence Score for Each Model")
plt.xticks(rotation=90)
plt.show()
While both Decision Tree and Random Forest score the same, we choose to use Random Forest as they correct for decision trees' habit of overfitting to their training set.
X_test = test.copy()
X_test.shape
Y_pred = random_forest.predict(X_test)
Y_pred = pd.DataFrame(Y_pred)
from google.colab import drive
drive.mount('drive')
output = test_id.to_frame().merge(Y_pred,how='left',left_index=True,right_index=True).set_index('PassengerId').rename(columns={0:'Survived'})
output
output.to_csv('kaggle_sub_py_4.csv')
!cp kaggle_sub_py_4.csv "/content/drive/MyDrive/ColabNotebooks/"
%%shell
jupyter nbconvert --to html /content/sample_data/kaggle_titanic_DataScienceWorkflow.ipynb