python中numpy与pandas_部分内容

 综述:

data = [[19,170,68],[20,165,65],[18,175,65]]
students = pd.DataFrame(data, index=[1,2,3],
    columns=['age','height','weight']) 
print(students)
students[students['age']>=19]#根据某个列进行筛选
from sklearn.preprocessing import StandardScaler, MinMaxScaler, MaxAbsScaler
scaler = StandardScaler()
target='weight'
features=students.columns.drop(target)
stus=students[features]
y=students[[target]]

stus=scaler.fit_transform(stus)
y=scaler.fit_transform(y.values.reshape(-1,1))
print(type(y))
print(type(stus))
stus = pd.DataFrame(stus,index=students.index,columns=features)
y = pd.DataFrame(y,index=students.index,columns=[target])
print(stus)
print(y)

维度转换,适用类型,numpy.ndarray,

ravel(),flatten(),squeeze(),reshape(),reshape(-1,1)

聚类,对样本进行聚类,如200个样本,每个样本有20维数据,每个样本的位置就是20维空间内的点;对维数属性进行聚类,每个属性就是200维空间上的点。基于此,都可以进行聚类操作。

参考链接https://blog.csdn.net/weixin_46728800/article/details/115571867

 https://blog.csdn.net/weixin_46601559/article/details/124322522

import numpy as np
import pandas as pd
import matplotlib.pyplot as plt

如何导入文件,

# 数据存储路径
path = '.\ex1data1.txt'

# 读入相应的数据文件
data = pd.read_csv(path, header=None,names=['Population','Profit'])

DataFrame属于键-值结构,类似于表格,有表头,如果读取的文件没有表头,如下

 则设置header为None,可以给定names,这里的names就是表头,即每一列的名字,默认是0、1、2、3等。上面pd.read_csv()的参数部分,path可以是相对路径,也可以是绝对路径,上面的path是相对路径(.表示当前py文件所在目录的路径),放在该py文件的目录下。在Windows下,目录上下级之间是、符号,Linux下则是/。

 从上图,类型是DataFrame的data变量实际上就是一个表格。

获得该data的列的方式有两种,如下,第一种,通过[]加列名,列名需要加引号

 第二种,类似于结构体操作,采用.操作符,列名不需要加引号


x = data.Population
y = data.Profit

取出data的行,利用位置索引,0表示第一行,使用[start:end:step],在这里,end是开区间,三个参数都是数字,默认step为1

 取出data的某一部分

 将DataFrame转换为matrix

x00=np.ones(97)
#print(x00.shape)
#print(x00)
'''x00=x00(:,0)'''
data.insert(0, 'Ones', x00)

#获取数据列数
cols = data.shape[1]

#对变量X和y进行初始化,并将其数据类型转换为矩阵
X = data.iloc[:,0:cols-1]
y = data.iloc[:,cols-1:cols]

X = np.matrix(X.values)
y = np.matrix(y.values)

data增加列

data.insert(4, 'One41s', x00)

data.insert(增加的列的位置索引(索引从0开始),列名,增加的列的内容)

data增加行

data.loc[index, col] = value

 

属性:不是方法(函数),不需要加括号

比如变量data是DataFrame类型的

shape,size

方法:

data.info(),data.describe().

numpy的使用


'''
1.Numpy的核心array对象以及创建array的方法
Numpy的核心数据结构,就叫做array就是数组,array对象可以是一维数组,也可以是多维数组;
Python的List也可以实现相同的功能,但是array比List的优点在于性能好、包含数组元数据信息、大量的便捷函数;
Numpy成为事实上的Scipy、Pandas、Scikit-Learn、Tensorflow、PaddlePaddle等框架的“通用底层语言”
Numpy的array和Python的List的一个区别,是它元素必须都是同一种数据类型,比如都是数字int类型,这也是Numpy高性能的一个原因;
array本身的属性

shape:返回一个元组,表示array的维度x.shape
ndim:一个数字,表示array的维度的数目
size:一个数字,表示array中所有数据元素的数目
dtype:array中元素的数据类型
'''

'''
创建array的方法

从Python的列表List和嵌套列表创建array
使用预定函数arange、ones/ones_lik(全为1)e、zeros/zeros_like(全为0)、empty/empty_like(全为空)、full/full_like(指定数值)、eye(单位矩阵)等函数创建
生成随机数的np.random模块构建
'''
import numpy as np
import math
a10=np.arange(10)
print(a10)#[0 1 2 3 4 5 6 7 8 9]

b10=np.arange(2,10,3)
print(b10)

ones10=np.ones_like(b10)
print(ones10)

rand10=np.random.randn(4,2)
print(rand10)

'''
直接逐元素的加减乘除等算数操作
更好用的面向多维的数组索引
求sum/mean等聚合函数
线性代数函数,比如求解逆矩阵、求解方程组
'''
A=np.arange(10).reshape(2,5)
print(A)
print(A+1)

'''
基础索引(切片)
行列用都逗号分隔,:表示从哪到n-1的位置
'''


c10=np.arange(10)
print(c10)
print(c10[2:9])
#-1表示最后一行/列

d10=np.arange(2,22,1).reshape(4,5)
print(d10)
print(d10[-1,2])
print(d10[1:2,2:3])#切片,不包括结束出现的位置元素

e10=np.arange(10)
indexs=np.array([[0,2],[1,3]])
print(indexs)
print(e10[indexs])


#randint(low[, high, size, dtype])
f10=np.random.randint(10,20,size=(5,3))
print(f10)
np.sum(f10)
np.prod(f10)
np.cumsum(f10)#累加和
np.cumprod(f10)
np.min(f10)
np.max(f10)
np.mean(f10)
np.average(f10)#加权平均,可以指定weights
np.std(f10)
np.var(f10)
#不同列代表不同特征值
f10_standard = (f10-np.mean(f10,axis=0))/(np.std(f10,axis=0)+1e-10)
print(f10)
print(f10_standard)

seaborn绘图

参考链接Seaborn常见绘图总结_不会写作文的李华的博客-CSDN博客

countplot(计数图)

seaborn.countplot(x=None, y=None, hue=None, data=None, order=None, 
hue_order=None, orient=None, color=None, palette=None, saturation=0.75, 
dodge=True, ax=None, **kwargs)

pairplot(变量关系组图)
在数据集中绘制成对关系的图。默认情况下,该函数将创建一个轴网格,这样数据中的每个变量都将通过跨一行的y轴和跨单个列的x轴共享。对对角线轴的处理方式不同,绘制的图显示该列中变量的数据的单变量分布。此外,还可以在行和列上显示变量子集或绘制不同的变量。具体如下:
 

seaborn.pairplot(data, hue=None, hue_order=None, palette=None, vars=None, 
x_vars=None, y_vars=None, kind='scatter', diag_kind='auto', markers=None,
 height=2.5, aspect=1, dropna=True, plot_kws=None, diag_kws=None, 
 grid_kws=None, size=None)

heatmap(热力图)

利用热力图可以看数据表里多个特征两两的相似度,类似于色彩矩阵。

根据相关系数画图

划分数据为测试训练集

from sklearn.model_selection import train_test_split
X_train,X_test,y_train,y_test = train_test_split(X,y,test_size=0.2,random_state=111)

 训练,模型构建,训练,预测

from sklearn.linear_model import LinearRegression
lr = LinearRegression()
lr.fit(X_train[features_without_ones],y_train)
print(lr.coef_)

波斯顿房价预测

#加载波斯顿房价数据集预测房价#线性回归
import numpy as np
# 使用sklearn自带的数据集,这些数据集都是Numpy的形式
# 我们自己的数据,也可以处理成这种格式,然后就可以输入给模型
from sklearn import datasets
# 用train_test_split可以拆分训练集和测试集
from sklearn.model_selection import train_test_split
# 使用LinearRegression训练线性回归模型
from sklearn.linear_model import LinearRegression

# 加载数据集,存入特征矩阵data、预测结果向量target

#每个二维的数据集对应着一个一维的标签集,用于标识每个样本的所属类别或属性值。通常数据集用大写字母X表示,标签集用小写字母y表示。
data, target = datasets.load_boston(return_X_y=True)
#data.shape#tsrget.shape
# 拆分训练集和测试集
X_train, X_test, y_train, y_test = train_test_split(data, target)


# 构造线性回归对象,使用默认参数即可
clf = LinearRegression()

# 执行训练
clf.fit(X_train, y_train)

# 在训练集上的打分
clf.score(X_train, y_train)

# 在测试集上打分评估
clf.score(X_test, y_test)
endind = y_test.shape
endind=endind[0]

# 只取前三条数据,实现房价预估
y_predict = clf.predict(X_test[:endind])

# 看下实际的房价
y_test[:endind]
print(y_test[:endind])


y_sub=y_predict-y_test

MATLAB

matlab中,矩阵索引从1开始,对于a = [1,2,3;4,5,6;7,8,9]是按照列存储的,索引时用的是小括号(),python中主要使用DataFrame进行矩阵操作(loc和iloc,表格,表头names,values,index),创建ones或者zeros或者eye用到的是numpy,matlab中直接创建即可。

######################################### 

ravel(),flatten(),squeeze()三个都有将多维数组转化为一维数组的功能:

#########################################
#ravel(),flatten(),squeeze()三个都有将多维数组转化为一维数组的功能:
#ravel(): 不会产生原来数据的副本
#flatten():返回源数据副本
#squeeze():只能对维度为1的维度降维
#reshape(-1):可以拉平多维数组

arr = np.arange(12).reshape(3,4)
print(arr)
print('-'*20)
print(arr.ravel())
print('-'*20)
print(arr.ravel().reshape(3,4))


arr = np.arange(12).reshape(3,4)
print(arr)
print('-'*20)
print(arr.flatten())
print('-'*20)
print(arr.flatten().reshape(3,4))


arr = np.arange(12).reshape(3,4)
print(arr)
print('-'*20)
print(arr.squeeze())
print('-'*20,'squeeze()不能一维化(3,4)的矩阵')
print(arr.reshape(12,1))
print('-'*20)
print(arr.reshape(12,1).squeeze())
print('-'*20,'squeeze()只能一维化有维度是1的矩阵')
print(arr.reshape(1,12).squeeze())#本身就是一维数组
print('-'*20,'squeeze()只能一维化有维度是1的矩阵')


arr = np.arange(12).reshape(3,4)
print(arr)
print('-'*20)
print(arr.reshape(-1))
print('-'*20)

#########################################

seaborn画图

主要:散点图,相关分析图,等

# -*- coding: utf-8 -*-
"""
Created on Wed Oct  5 17:48:38 2022

@author: 86182
"""
#seaborn test file
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import seaborn as sns
#sns.set(style="darkgrid") #这是seaborn默认的风格

#数据来源可在seaborn的GitHub上查找
tips = sns.load_dataset("tips")

#散点图
plt.figure(figsize=(2, 2))
sns.scatterplot(x="total_bill",y="tip", data=tips)
sns.set(font_scale=00.75)
plt.show()

#线图
plt.figure(figsize=(2, 2))
sns.lineplot(x="total_bill",y="tip", data=tips)
sns.set(font_scale=00.75)
plt.show()


#关系图
sns.relplot(x="total_bill",y="tip", data=tips)
sns.set(font_scale=00.75)
plt.show()

#分布散点图
sns.stripplot(x="day", y="total_bill", data=tips)
plt.show()
#分布密度散点图
sns.swarmplot(x="day", y="total_bill", data=tips)
plt.show()

#箱线图
sns.boxplot(x="day", y="total_bill", data=tips)
plt.show()
#小提琴图
sns.violinplot(x="day", y="total_bill", data=tips)
plt.show()

#条形图
sns.barplot(x="day", y="total_bill", hue="sex", data=tips)
plt.show()

#计数图
titanic = sns.load_dataset("titanic")
sns.countplot(x="class", hue="who", data=titanic)
plt.show()


#点图
plt.figure(figsize=(2, 2))
tips = sns.load_dataset("tips")
sns.pointplot(x="time", y="total_bill", data=tips)
plt.show()

#distplot(直方图)
np.random.seed(666)
x = np.random.randn(1000)
plt.figure(figsize=(2,2))
sns.distplot(x)


mean, cov = [0, 2], [(1, .5), (.5, 1)]
#这是一个多元正态分布
x, y = np.random.multivariate_normal(mean, cov, size=50).T
ax = sns.kdeplot(x)

iris = sns.load_dataset("iris")
setosa = iris.loc[iris.species == "setosa"]
virginica = iris.loc[iris.species == "virginica"]
sns.kdeplot(setosa.sepal_width, setosa.sepal_length,cmap="Reds",
 shade=True, shade_lowest=False)
sns.kdeplot(virginica.sepal_width, virginica.sepal_length,cmap="Blues", 
shade=True, shade_lowest=False)
plt.show()

tips = sns.load_dataset("tips")
sns.jointplot(x="total_bill", y="tip", data=tips,height=5)

#变量关系图
iris = sns.load_dataset("iris")
#sns.pairplot(iris)
g = sns.pairplot(iris, hue="species", markers=["o", "s", "D"],size = 1)

#热力图
x = np.random.rand(10, 12)
ax = sns.heatmap(x)


iris.to_csv('.\\iris_1.csv')

# 将Dataframe保存进csv文件:
tips.to_csv('.\\tips_1.csv')

iris_1.csv

	sepal_length	sepal_width	petal_length	petal_width	species
0	5.1	3.5	1.4	0.2	setosa
1	4.9	3	1.4	0.2	setosa
2	4.7	3.2	1.3	0.2	setosa
3	4.6	3.1	1.5	0.2	setosa
4	5	3.6	1.4	0.2	setosa
5	5.4	3.9	1.7	0.4	setosa
6	4.6	3.4	1.4	0.3	setosa
7	5	3.4	1.5	0.2	setosa
8	4.4	2.9	1.4	0.2	setosa
9	4.9	3.1	1.5	0.1	setosa
10	5.4	3.7	1.5	0.2	setosa
11	4.8	3.4	1.6	0.2	setosa
12	4.8	3	1.4	0.1	setosa
13	4.3	3	1.1	0.1	setosa
14	5.8	4	1.2	0.2	setosa
15	5.7	4.4	1.5	0.4	setosa
16	5.4	3.9	1.3	0.4	setosa
17	5.1	3.5	1.4	0.3	setosa
18	5.7	3.8	1.7	0.3	setosa
19	5.1	3.8	1.5	0.3	setosa
20	5.4	3.4	1.7	0.2	setosa
21	5.1	3.7	1.5	0.4	setosa
22	4.6	3.6	1	0.2	setosa
23	5.1	3.3	1.7	0.5	setosa
24	4.8	3.4	1.9	0.2	setosa
25	5	3	1.6	0.2	setosa
26	5	3.4	1.6	0.4	setosa
27	5.2	3.5	1.5	0.2	setosa
28	5.2	3.4	1.4	0.2	setosa
29	4.7	3.2	1.6	0.2	setosa
30	4.8	3.1	1.6	0.2	setosa
31	5.4	3.4	1.5	0.4	setosa
32	5.2	4.1	1.5	0.1	setosa
33	5.5	4.2	1.4	0.2	setosa
34	4.9	3.1	1.5	0.2	setosa
35	5	3.2	1.2	0.2	setosa
36	5.5	3.5	1.3	0.2	setosa
37	4.9	3.6	1.4	0.1	setosa
38	4.4	3	1.3	0.2	setosa
39	5.1	3.4	1.5	0.2	setosa
40	5	3.5	1.3	0.3	setosa
41	4.5	2.3	1.3	0.3	setosa
42	4.4	3.2	1.3	0.2	setosa
43	5	3.5	1.6	0.6	setosa
44	5.1	3.8	1.9	0.4	setosa
45	4.8	3	1.4	0.3	setosa
46	5.1	3.8	1.6	0.2	setosa
47	4.6	3.2	1.4	0.2	setosa
48	5.3	3.7	1.5	0.2	setosa
49	5	3.3	1.4	0.2	setosa
50	7	3.2	4.7	1.4	versicolor
51	6.4	3.2	4.5	1.5	versicolor
52	6.9	3.1	4.9	1.5	versicolor
53	5.5	2.3	4	1.3	versicolor
54	6.5	2.8	4.6	1.5	versicolor
55	5.7	2.8	4.5	1.3	versicolor
56	6.3	3.3	4.7	1.6	versicolor
57	4.9	2.4	3.3	1	versicolor
58	6.6	2.9	4.6	1.3	versicolor
59	5.2	2.7	3.9	1.4	versicolor
60	5	2	3.5	1	versicolor
61	5.9	3	4.2	1.5	versicolor
62	6	2.2	4	1	versicolor
63	6.1	2.9	4.7	1.4	versicolor
64	5.6	2.9	3.6	1.3	versicolor
65	6.7	3.1	4.4	1.4	versicolor
66	5.6	3	4.5	1.5	versicolor
67	5.8	2.7	4.1	1	versicolor
68	6.2	2.2	4.5	1.5	versicolor
69	5.6	2.5	3.9	1.1	versicolor
70	5.9	3.2	4.8	1.8	versicolor
71	6.1	2.8	4	1.3	versicolor
72	6.3	2.5	4.9	1.5	versicolor
73	6.1	2.8	4.7	1.2	versicolor
74	6.4	2.9	4.3	1.3	versicolor
75	6.6	3	4.4	1.4	versicolor
76	6.8	2.8	4.8	1.4	versicolor
77	6.7	3	5	1.7	versicolor
78	6	2.9	4.5	1.5	versicolor
79	5.7	2.6	3.5	1	versicolor
80	5.5	2.4	3.8	1.1	versicolor
81	5.5	2.4	3.7	1	versicolor
82	5.8	2.7	3.9	1.2	versicolor
83	6	2.7	5.1	1.6	versicolor
84	5.4	3	4.5	1.5	versicolor
85	6	3.4	4.5	1.6	versicolor
86	6.7	3.1	4.7	1.5	versicolor
87	6.3	2.3	4.4	1.3	versicolor
88	5.6	3	4.1	1.3	versicolor
89	5.5	2.5	4	1.3	versicolor
90	5.5	2.6	4.4	1.2	versicolor
91	6.1	3	4.6	1.4	versicolor
92	5.8	2.6	4	1.2	versicolor
93	5	2.3	3.3	1	versicolor
94	5.6	2.7	4.2	1.3	versicolor
95	5.7	3	4.2	1.2	versicolor
96	5.7	2.9	4.2	1.3	versicolor
97	6.2	2.9	4.3	1.3	versicolor
98	5.1	2.5	3	1.1	versicolor
99	5.7	2.8	4.1	1.3	versicolor
100	6.3	3.3	6	2.5	virginica
101	5.8	2.7	5.1	1.9	virginica
102	7.1	3	5.9	2.1	virginica
103	6.3	2.9	5.6	1.8	virginica
104	6.5	3	5.8	2.2	virginica
105	7.6	3	6.6	2.1	virginica
106	4.9	2.5	4.5	1.7	virginica
107	7.3	2.9	6.3	1.8	virginica
108	6.7	2.5	5.8	1.8	virginica
109	7.2	3.6	6.1	2.5	virginica
110	6.5	3.2	5.1	2	virginica
111	6.4	2.7	5.3	1.9	virginica
112	6.8	3	5.5	2.1	virginica
113	5.7	2.5	5	2	virginica
114	5.8	2.8	5.1	2.4	virginica
115	6.4	3.2	5.3	2.3	virginica
116	6.5	3	5.5	1.8	virginica
117	7.7	3.8	6.7	2.2	virginica
118	7.7	2.6	6.9	2.3	virginica
119	6	2.2	5	1.5	virginica
120	6.9	3.2	5.7	2.3	virginica
121	5.6	2.8	4.9	2	virginica
122	7.7	2.8	6.7	2	virginica
123	6.3	2.7	4.9	1.8	virginica
124	6.7	3.3	5.7	2.1	virginica
125	7.2	3.2	6	1.8	virginica
126	6.2	2.8	4.8	1.8	virginica
127	6.1	3	4.9	1.8	virginica
128	6.4	2.8	5.6	2.1	virginica
129	7.2	3	5.8	1.6	virginica
130	7.4	2.8	6.1	1.9	virginica
131	7.9	3.8	6.4	2	virginica
132	6.4	2.8	5.6	2.2	virginica
133	6.3	2.8	5.1	1.5	virginica
134	6.1	2.6	5.6	1.4	virginica
135	7.7	3	6.1	2.3	virginica
136	6.3	3.4	5.6	2.4	virginica
137	6.4	3.1	5.5	1.8	virginica
138	6	3	4.8	1.8	virginica
139	6.9	3.1	5.4	2.1	virginica
140	6.7	3.1	5.6	2.4	virginica
141	6.9	3.1	5.1	2.3	virginica
142	5.8	2.7	5.1	1.9	virginica
143	6.8	3.2	5.9	2.3	virginica
144	6.7	3.3	5.7	2.5	virginica
145	6.7	3	5.2	2.3	virginica
146	6.3	2.5	5	1.9	virginica
147	6.5	3	5.2	2	virginica
148	6.2	3.4	5.4	2.3	virginica
149	5.9	3	5.1	1.8	virginica

tips_1.csv

	total_bill	tip	sex	smoker	day	time	size
0	16.99	1.01	Female	No	Sun	Dinner	2
1	10.34	1.66	Male	No	Sun	Dinner	3
2	21.01	3.5	Male	No	Sun	Dinner	3
3	23.68	3.31	Male	No	Sun	Dinner	2
4	24.59	3.61	Female	No	Sun	Dinner	4
5	25.29	4.71	Male	No	Sun	Dinner	4
6	8.77	2	Male	No	Sun	Dinner	2
7	26.88	3.12	Male	No	Sun	Dinner	4
8	15.04	1.96	Male	No	Sun	Dinner	2
9	14.78	3.23	Male	No	Sun	Dinner	2
10	10.27	1.71	Male	No	Sun	Dinner	2
11	35.26	5	Female	No	Sun	Dinner	4
12	15.42	1.57	Male	No	Sun	Dinner	2
13	18.43	3	Male	No	Sun	Dinner	4
14	14.83	3.02	Female	No	Sun	Dinner	2
15	21.58	3.92	Male	No	Sun	Dinner	2
16	10.33	1.67	Female	No	Sun	Dinner	3
17	16.29	3.71	Male	No	Sun	Dinner	3
18	16.97	3.5	Female	No	Sun	Dinner	3
19	20.65	3.35	Male	No	Sat	Dinner	3
20	17.92	4.08	Male	No	Sat	Dinner	2
21	20.29	2.75	Female	No	Sat	Dinner	2
22	15.77	2.23	Female	No	Sat	Dinner	2
23	39.42	7.58	Male	No	Sat	Dinner	4
24	19.82	3.18	Male	No	Sat	Dinner	2
25	17.81	2.34	Male	No	Sat	Dinner	4
26	13.37	2	Male	No	Sat	Dinner	2
27	12.69	2	Male	No	Sat	Dinner	2
28	21.7	4.3	Male	No	Sat	Dinner	2
29	19.65	3	Female	No	Sat	Dinner	2
30	9.55	1.45	Male	No	Sat	Dinner	2
31	18.35	2.5	Male	No	Sat	Dinner	4
32	15.06	3	Female	No	Sat	Dinner	2
33	20.69	2.45	Female	No	Sat	Dinner	4
34	17.78	3.27	Male	No	Sat	Dinner	2
35	24.06	3.6	Male	No	Sat	Dinner	3
36	16.31	2	Male	No	Sat	Dinner	3
37	16.93	3.07	Female	No	Sat	Dinner	3
38	18.69	2.31	Male	No	Sat	Dinner	3
39	31.27	5	Male	No	Sat	Dinner	3
40	16.04	2.24	Male	No	Sat	Dinner	3
41	17.46	2.54	Male	No	Sun	Dinner	2
42	13.94	3.06	Male	No	Sun	Dinner	2
43	9.68	1.32	Male	No	Sun	Dinner	2
44	30.4	5.6	Male	No	Sun	Dinner	4
45	18.29	3	Male	No	Sun	Dinner	2
46	22.23	5	Male	No	Sun	Dinner	2
47	32.4	6	Male	No	Sun	Dinner	4
48	28.55	2.05	Male	No	Sun	Dinner	3
49	18.04	3	Male	No	Sun	Dinner	2
50	12.54	2.5	Male	No	Sun	Dinner	2
51	10.29	2.6	Female	No	Sun	Dinner	2
52	34.81	5.2	Female	No	Sun	Dinner	4
53	9.94	1.56	Male	No	Sun	Dinner	2
54	25.56	4.34	Male	No	Sun	Dinner	4
55	19.49	3.51	Male	No	Sun	Dinner	2
56	38.01	3	Male	Yes	Sat	Dinner	4
57	26.41	1.5	Female	No	Sat	Dinner	2
58	11.24	1.76	Male	Yes	Sat	Dinner	2
59	48.27	6.73	Male	No	Sat	Dinner	4
60	20.29	3.21	Male	Yes	Sat	Dinner	2
61	13.81	2	Male	Yes	Sat	Dinner	2
62	11.02	1.98	Male	Yes	Sat	Dinner	2
63	18.29	3.76	Male	Yes	Sat	Dinner	4
64	17.59	2.64	Male	No	Sat	Dinner	3
65	20.08	3.15	Male	No	Sat	Dinner	3
66	16.45	2.47	Female	No	Sat	Dinner	2
67	3.07	1	Female	Yes	Sat	Dinner	1
68	20.23	2.01	Male	No	Sat	Dinner	2
69	15.01	2.09	Male	Yes	Sat	Dinner	2
70	12.02	1.97	Male	No	Sat	Dinner	2
71	17.07	3	Female	No	Sat	Dinner	3
72	26.86	3.14	Female	Yes	Sat	Dinner	2
73	25.28	5	Female	Yes	Sat	Dinner	2
74	14.73	2.2	Female	No	Sat	Dinner	2
75	10.51	1.25	Male	No	Sat	Dinner	2
76	17.92	3.08	Male	Yes	Sat	Dinner	2
77	27.2	4	Male	No	Thur	Lunch	4
78	22.76	3	Male	No	Thur	Lunch	2
79	17.29	2.71	Male	No	Thur	Lunch	2
80	19.44	3	Male	Yes	Thur	Lunch	2
81	16.66	3.4	Male	No	Thur	Lunch	2
82	10.07	1.83	Female	No	Thur	Lunch	1
83	32.68	5	Male	Yes	Thur	Lunch	2
84	15.98	2.03	Male	No	Thur	Lunch	2
85	34.83	5.17	Female	No	Thur	Lunch	4
86	13.03	2	Male	No	Thur	Lunch	2
87	18.28	4	Male	No	Thur	Lunch	2
88	24.71	5.85	Male	No	Thur	Lunch	2
89	21.16	3	Male	No	Thur	Lunch	2
90	28.97	3	Male	Yes	Fri	Dinner	2
91	22.49	3.5	Male	No	Fri	Dinner	2
92	5.75	1	Female	Yes	Fri	Dinner	2
93	16.32	4.3	Female	Yes	Fri	Dinner	2
94	22.75	3.25	Female	No	Fri	Dinner	2
95	40.17	4.73	Male	Yes	Fri	Dinner	4
96	27.28	4	Male	Yes	Fri	Dinner	2
97	12.03	1.5	Male	Yes	Fri	Dinner	2
98	21.01	3	Male	Yes	Fri	Dinner	2
99	12.46	1.5	Male	No	Fri	Dinner	2
100	11.35	2.5	Female	Yes	Fri	Dinner	2
101	15.38	3	Female	Yes	Fri	Dinner	2
102	44.3	2.5	Female	Yes	Sat	Dinner	3
103	22.42	3.48	Female	Yes	Sat	Dinner	2
104	20.92	4.08	Female	No	Sat	Dinner	2
105	15.36	1.64	Male	Yes	Sat	Dinner	2
106	20.49	4.06	Male	Yes	Sat	Dinner	2
107	25.21	4.29	Male	Yes	Sat	Dinner	2
108	18.24	3.76	Male	No	Sat	Dinner	2
109	14.31	4	Female	Yes	Sat	Dinner	2
110	14	3	Male	No	Sat	Dinner	2
111	7.25	1	Female	No	Sat	Dinner	1
112	38.07	4	Male	No	Sun	Dinner	3
113	23.95	2.55	Male	No	Sun	Dinner	2
114	25.71	4	Female	No	Sun	Dinner	3
115	17.31	3.5	Female	No	Sun	Dinner	2
116	29.93	5.07	Male	No	Sun	Dinner	4
117	10.65	1.5	Female	No	Thur	Lunch	2
118	12.43	1.8	Female	No	Thur	Lunch	2
119	24.08	2.92	Female	No	Thur	Lunch	4
120	11.69	2.31	Male	No	Thur	Lunch	2
121	13.42	1.68	Female	No	Thur	Lunch	2
122	14.26	2.5	Male	No	Thur	Lunch	2
123	15.95	2	Male	No	Thur	Lunch	2
124	12.48	2.52	Female	No	Thur	Lunch	2
125	29.8	4.2	Female	No	Thur	Lunch	6
126	8.52	1.48	Male	No	Thur	Lunch	2
127	14.52	2	Female	No	Thur	Lunch	2
128	11.38	2	Female	No	Thur	Lunch	2
129	22.82	2.18	Male	No	Thur	Lunch	3
130	19.08	1.5	Male	No	Thur	Lunch	2
131	20.27	2.83	Female	No	Thur	Lunch	2
132	11.17	1.5	Female	No	Thur	Lunch	2
133	12.26	2	Female	No	Thur	Lunch	2
134	18.26	3.25	Female	No	Thur	Lunch	2
135	8.51	1.25	Female	No	Thur	Lunch	2
136	10.33	2	Female	No	Thur	Lunch	2
137	14.15	2	Female	No	Thur	Lunch	2
138	16	2	Male	Yes	Thur	Lunch	2
139	13.16	2.75	Female	No	Thur	Lunch	2
140	17.47	3.5	Female	No	Thur	Lunch	2
141	34.3	6.7	Male	No	Thur	Lunch	6
142	41.19	5	Male	No	Thur	Lunch	5
143	27.05	5	Female	No	Thur	Lunch	6
144	16.43	2.3	Female	No	Thur	Lunch	2
145	8.35	1.5	Female	No	Thur	Lunch	2
146	18.64	1.36	Female	No	Thur	Lunch	3
147	11.87	1.63	Female	No	Thur	Lunch	2
148	9.78	1.73	Male	No	Thur	Lunch	2
149	7.51	2	Male	No	Thur	Lunch	2
150	14.07	2.5	Male	No	Sun	Dinner	2
151	13.13	2	Male	No	Sun	Dinner	2
152	17.26	2.74	Male	No	Sun	Dinner	3
153	24.55	2	Male	No	Sun	Dinner	4
154	19.77	2	Male	No	Sun	Dinner	4
155	29.85	5.14	Female	No	Sun	Dinner	5
156	48.17	5	Male	No	Sun	Dinner	6
157	25	3.75	Female	No	Sun	Dinner	4
158	13.39	2.61	Female	No	Sun	Dinner	2
159	16.49	2	Male	No	Sun	Dinner	4
160	21.5	3.5	Male	No	Sun	Dinner	4
161	12.66	2.5	Male	No	Sun	Dinner	2
162	16.21	2	Female	No	Sun	Dinner	3
163	13.81	2	Male	No	Sun	Dinner	2
164	17.51	3	Female	Yes	Sun	Dinner	2
165	24.52	3.48	Male	No	Sun	Dinner	3
166	20.76	2.24	Male	No	Sun	Dinner	2
167	31.71	4.5	Male	No	Sun	Dinner	4
168	10.59	1.61	Female	Yes	Sat	Dinner	2
169	10.63	2	Female	Yes	Sat	Dinner	2
170	50.81	10	Male	Yes	Sat	Dinner	3
171	15.81	3.16	Male	Yes	Sat	Dinner	2
172	7.25	5.15	Male	Yes	Sun	Dinner	2
173	31.85	3.18	Male	Yes	Sun	Dinner	2
174	16.82	4	Male	Yes	Sun	Dinner	2
175	32.9	3.11	Male	Yes	Sun	Dinner	2
176	17.89	2	Male	Yes	Sun	Dinner	2
177	14.48	2	Male	Yes	Sun	Dinner	2
178	9.6	4	Female	Yes	Sun	Dinner	2
179	34.63	3.55	Male	Yes	Sun	Dinner	2
180	34.65	3.68	Male	Yes	Sun	Dinner	4
181	23.33	5.65	Male	Yes	Sun	Dinner	2
182	45.35	3.5	Male	Yes	Sun	Dinner	3
183	23.17	6.5	Male	Yes	Sun	Dinner	4
184	40.55	3	Male	Yes	Sun	Dinner	2
185	20.69	5	Male	No	Sun	Dinner	5
186	20.9	3.5	Female	Yes	Sun	Dinner	3
187	30.46	2	Male	Yes	Sun	Dinner	5
188	18.15	3.5	Female	Yes	Sun	Dinner	3
189	23.1	4	Male	Yes	Sun	Dinner	3
190	15.69	1.5	Male	Yes	Sun	Dinner	2
191	19.81	4.19	Female	Yes	Thur	Lunch	2
192	28.44	2.56	Male	Yes	Thur	Lunch	2
193	15.48	2.02	Male	Yes	Thur	Lunch	2
194	16.58	4	Male	Yes	Thur	Lunch	2
195	7.56	1.44	Male	No	Thur	Lunch	2
196	10.34	2	Male	Yes	Thur	Lunch	2
197	43.11	5	Female	Yes	Thur	Lunch	4
198	13	2	Female	Yes	Thur	Lunch	2
199	13.51	2	Male	Yes	Thur	Lunch	2
200	18.71	4	Male	Yes	Thur	Lunch	3
201	12.74	2.01	Female	Yes	Thur	Lunch	2
202	13	2	Female	Yes	Thur	Lunch	2
203	16.4	2.5	Female	Yes	Thur	Lunch	2
204	20.53	4	Male	Yes	Thur	Lunch	4
205	16.47	3.23	Female	Yes	Thur	Lunch	3
206	26.59	3.41	Male	Yes	Sat	Dinner	3
207	38.73	3	Male	Yes	Sat	Dinner	4
208	24.27	2.03	Male	Yes	Sat	Dinner	2
209	12.76	2.23	Female	Yes	Sat	Dinner	2
210	30.06	2	Male	Yes	Sat	Dinner	3
211	25.89	5.16	Male	Yes	Sat	Dinner	4
212	48.33	9	Male	No	Sat	Dinner	4
213	13.27	2.5	Female	Yes	Sat	Dinner	2
214	28.17	6.5	Female	Yes	Sat	Dinner	3
215	12.9	1.1	Female	Yes	Sat	Dinner	2
216	28.15	3	Male	Yes	Sat	Dinner	5
217	11.59	1.5	Male	Yes	Sat	Dinner	2
218	7.74	1.44	Male	Yes	Sat	Dinner	2
219	30.14	3.09	Female	Yes	Sat	Dinner	4
220	12.16	2.2	Male	Yes	Fri	Lunch	2
221	13.42	3.48	Female	Yes	Fri	Lunch	2
222	8.58	1.92	Male	Yes	Fri	Lunch	1
223	15.98	3	Female	No	Fri	Lunch	3
224	13.42	1.58	Male	Yes	Fri	Lunch	2
225	16.27	2.5	Female	Yes	Fri	Lunch	2
226	10.09	2	Female	Yes	Fri	Lunch	2
227	20.45	3	Male	No	Sat	Dinner	4
228	13.28	2.72	Male	No	Sat	Dinner	2
229	22.12	2.88	Female	Yes	Sat	Dinner	2
230	24.01	2	Male	Yes	Sat	Dinner	4
231	15.69	3	Male	Yes	Sat	Dinner	3
232	11.61	3.39	Male	No	Sat	Dinner	2
233	10.77	1.47	Male	No	Sat	Dinner	2
234	15.53	3	Male	Yes	Sat	Dinner	2
235	10.07	1.25	Male	No	Sat	Dinner	2
236	12.6	1	Male	Yes	Sat	Dinner	2
237	32.83	1.17	Male	Yes	Sat	Dinner	2
238	35.83	4.67	Female	No	Sat	Dinner	3
239	29.03	5.92	Male	No	Sat	Dinner	3
240	27.18	2	Female	Yes	Sat	Dinner	2
241	22.67	2	Male	Yes	Sat	Dinner	2
242	17.82	1.75	Male	No	Sat	Dinner	2
243	18.78	3	Female	No	Thur	Dinner	2

titanic_1.csv 

	survived	pclass	sex	age	sibsp	parch	fare	embarked	class	who	adult_male	deck	embark_town	alive	alone
0	0	3	male	22	1	0	7.25	S	Third	man	TRUE		Southampton	no	FALSE
1	1	1	female	38	1	0	71.2833	C	First	woman	FALSE	C	Cherbourg	yes	FALSE
2	1	3	female	26	0	0	7.925	S	Third	woman	FALSE		Southampton	yes	TRUE
3	1	1	female	35	1	0	53.1	S	First	woman	FALSE	C	Southampton	yes	FALSE
4	0	3	male	35	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
5	0	3	male		0	0	8.4583	Q	Third	man	TRUE		Queenstown	no	TRUE
6	0	1	male	54	0	0	51.8625	S	First	man	TRUE	E	Southampton	no	TRUE
7	0	3	male	2	3	1	21.075	S	Third	child	FALSE		Southampton	no	FALSE
8	1	3	female	27	0	2	11.1333	S	Third	woman	FALSE		Southampton	yes	FALSE
9	1	2	female	14	1	0	30.0708	C	Second	child	FALSE		Cherbourg	yes	FALSE
10	1	3	female	4	1	1	16.7	S	Third	child	FALSE	G	Southampton	yes	FALSE
11	1	1	female	58	0	0	26.55	S	First	woman	FALSE	C	Southampton	yes	TRUE
12	0	3	male	20	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
13	0	3	male	39	1	5	31.275	S	Third	man	TRUE		Southampton	no	FALSE
14	0	3	female	14	0	0	7.8542	S	Third	child	FALSE		Southampton	no	TRUE
15	1	2	female	55	0	0	16	S	Second	woman	FALSE		Southampton	yes	TRUE
16	0	3	male	2	4	1	29.125	Q	Third	child	FALSE		Queenstown	no	FALSE
17	1	2	male		0	0	13	S	Second	man	TRUE		Southampton	yes	TRUE
18	0	3	female	31	1	0	18	S	Third	woman	FALSE		Southampton	no	FALSE
19	1	3	female		0	0	7.225	C	Third	woman	FALSE		Cherbourg	yes	TRUE
20	0	2	male	35	0	0	26	S	Second	man	TRUE		Southampton	no	TRUE
21	1	2	male	34	0	0	13	S	Second	man	TRUE	D	Southampton	yes	TRUE
22	1	3	female	15	0	0	8.0292	Q	Third	child	FALSE		Queenstown	yes	TRUE
23	1	1	male	28	0	0	35.5	S	First	man	TRUE	A	Southampton	yes	TRUE
24	0	3	female	8	3	1	21.075	S	Third	child	FALSE		Southampton	no	FALSE
25	1	3	female	38	1	5	31.3875	S	Third	woman	FALSE		Southampton	yes	FALSE
26	0	3	male		0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
27	0	1	male	19	3	2	263	S	First	man	TRUE	C	Southampton	no	FALSE
28	1	3	female		0	0	7.8792	Q	Third	woman	FALSE		Queenstown	yes	TRUE
29	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
30	0	1	male	40	0	0	27.7208	C	First	man	TRUE		Cherbourg	no	TRUE
31	1	1	female		1	0	146.5208	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
32	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
33	0	2	male	66	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
34	0	1	male	28	1	0	82.1708	C	First	man	TRUE		Cherbourg	no	FALSE
35	0	1	male	42	1	0	52	S	First	man	TRUE		Southampton	no	FALSE
36	1	3	male		0	0	7.2292	C	Third	man	TRUE		Cherbourg	yes	TRUE
37	0	3	male	21	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
38	0	3	female	18	2	0	18	S	Third	woman	FALSE		Southampton	no	FALSE
39	1	3	female	14	1	0	11.2417	C	Third	child	FALSE		Cherbourg	yes	FALSE
40	0	3	female	40	1	0	9.475	S	Third	woman	FALSE		Southampton	no	FALSE
41	0	2	female	27	1	0	21	S	Second	woman	FALSE		Southampton	no	FALSE
42	0	3	male		0	0	7.8958	C	Third	man	TRUE		Cherbourg	no	TRUE
43	1	2	female	3	1	2	41.5792	C	Second	child	FALSE		Cherbourg	yes	FALSE
44	1	3	female	19	0	0	7.8792	Q	Third	woman	FALSE		Queenstown	yes	TRUE
45	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
46	0	3	male		1	0	15.5	Q	Third	man	TRUE		Queenstown	no	FALSE
47	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
48	0	3	male		2	0	21.6792	C	Third	man	TRUE		Cherbourg	no	FALSE
49	0	3	female	18	1	0	17.8	S	Third	woman	FALSE		Southampton	no	FALSE
50	0	3	male	7	4	1	39.6875	S	Third	child	FALSE		Southampton	no	FALSE
51	0	3	male	21	0	0	7.8	S	Third	man	TRUE		Southampton	no	TRUE
52	1	1	female	49	1	0	76.7292	C	First	woman	FALSE	D	Cherbourg	yes	FALSE
53	1	2	female	29	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
54	0	1	male	65	0	1	61.9792	C	First	man	TRUE	B	Cherbourg	no	FALSE
55	1	1	male		0	0	35.5	S	First	man	TRUE	C	Southampton	yes	TRUE
56	1	2	female	21	0	0	10.5	S	Second	woman	FALSE		Southampton	yes	TRUE
57	0	3	male	28.5	0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
58	1	2	female	5	1	2	27.75	S	Second	child	FALSE		Southampton	yes	FALSE
59	0	3	male	11	5	2	46.9	S	Third	child	FALSE		Southampton	no	FALSE
60	0	3	male	22	0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
61	1	1	female	38	0	0	80		First	woman	FALSE	B		yes	TRUE
62	0	1	male	45	1	0	83.475	S	First	man	TRUE	C	Southampton	no	FALSE
63	0	3	male	4	3	2	27.9	S	Third	child	FALSE		Southampton	no	FALSE
64	0	1	male		0	0	27.7208	C	First	man	TRUE		Cherbourg	no	TRUE
65	1	3	male		1	1	15.2458	C	Third	man	TRUE		Cherbourg	yes	FALSE
66	1	2	female	29	0	0	10.5	S	Second	woman	FALSE	F	Southampton	yes	TRUE
67	0	3	male	19	0	0	8.1583	S	Third	man	TRUE		Southampton	no	TRUE
68	1	3	female	17	4	2	7.925	S	Third	woman	FALSE		Southampton	yes	FALSE
69	0	3	male	26	2	0	8.6625	S	Third	man	TRUE		Southampton	no	FALSE
70	0	2	male	32	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
71	0	3	female	16	5	2	46.9	S	Third	woman	FALSE		Southampton	no	FALSE
72	0	2	male	21	0	0	73.5	S	Second	man	TRUE		Southampton	no	TRUE
73	0	3	male	26	1	0	14.4542	C	Third	man	TRUE		Cherbourg	no	FALSE
74	1	3	male	32	0	0	56.4958	S	Third	man	TRUE		Southampton	yes	TRUE
75	0	3	male	25	0	0	7.65	S	Third	man	TRUE	F	Southampton	no	TRUE
76	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
77	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
78	1	2	male	0.83	0	2	29	S	Second	child	FALSE		Southampton	yes	FALSE
79	1	3	female	30	0	0	12.475	S	Third	woman	FALSE		Southampton	yes	TRUE
80	0	3	male	22	0	0	9	S	Third	man	TRUE		Southampton	no	TRUE
81	1	3	male	29	0	0	9.5	S	Third	man	TRUE		Southampton	yes	TRUE
82	1	3	female		0	0	7.7875	Q	Third	woman	FALSE		Queenstown	yes	TRUE
83	0	1	male	28	0	0	47.1	S	First	man	TRUE		Southampton	no	TRUE
84	1	2	female	17	0	0	10.5	S	Second	woman	FALSE		Southampton	yes	TRUE
85	1	3	female	33	3	0	15.85	S	Third	woman	FALSE		Southampton	yes	FALSE
86	0	3	male	16	1	3	34.375	S	Third	man	TRUE		Southampton	no	FALSE
87	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
88	1	1	female	23	3	2	263	S	First	woman	FALSE	C	Southampton	yes	FALSE
89	0	3	male	24	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
90	0	3	male	29	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
91	0	3	male	20	0	0	7.8542	S	Third	man	TRUE		Southampton	no	TRUE
92	0	1	male	46	1	0	61.175	S	First	man	TRUE	E	Southampton	no	FALSE
93	0	3	male	26	1	2	20.575	S	Third	man	TRUE		Southampton	no	FALSE
94	0	3	male	59	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
95	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
96	0	1	male	71	0	0	34.6542	C	First	man	TRUE	A	Cherbourg	no	TRUE
97	1	1	male	23	0	1	63.3583	C	First	man	TRUE	D	Cherbourg	yes	FALSE
98	1	2	female	34	0	1	23	S	Second	woman	FALSE		Southampton	yes	FALSE
99	0	2	male	34	1	0	26	S	Second	man	TRUE		Southampton	no	FALSE
100	0	3	female	28	0	0	7.8958	S	Third	woman	FALSE		Southampton	no	TRUE
101	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
102	0	1	male	21	0	1	77.2875	S	First	man	TRUE	D	Southampton	no	FALSE
103	0	3	male	33	0	0	8.6542	S	Third	man	TRUE		Southampton	no	TRUE
104	0	3	male	37	2	0	7.925	S	Third	man	TRUE		Southampton	no	FALSE
105	0	3	male	28	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
106	1	3	female	21	0	0	7.65	S	Third	woman	FALSE		Southampton	yes	TRUE
107	1	3	male		0	0	7.775	S	Third	man	TRUE		Southampton	yes	TRUE
108	0	3	male	38	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
109	1	3	female		1	0	24.15	Q	Third	woman	FALSE		Queenstown	yes	FALSE
110	0	1	male	47	0	0	52	S	First	man	TRUE	C	Southampton	no	TRUE
111	0	3	female	14.5	1	0	14.4542	C	Third	child	FALSE		Cherbourg	no	FALSE
112	0	3	male	22	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
113	0	3	female	20	1	0	9.825	S	Third	woman	FALSE		Southampton	no	FALSE
114	0	3	female	17	0	0	14.4583	C	Third	woman	FALSE		Cherbourg	no	TRUE
115	0	3	male	21	0	0	7.925	S	Third	man	TRUE		Southampton	no	TRUE
116	0	3	male	70.5	0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
117	0	2	male	29	1	0	21	S	Second	man	TRUE		Southampton	no	FALSE
118	0	1	male	24	0	1	247.5208	C	First	man	TRUE	B	Cherbourg	no	FALSE
119	0	3	female	2	4	2	31.275	S	Third	child	FALSE		Southampton	no	FALSE
120	0	2	male	21	2	0	73.5	S	Second	man	TRUE		Southampton	no	FALSE
121	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
122	0	2	male	32.5	1	0	30.0708	C	Second	man	TRUE		Cherbourg	no	FALSE
123	1	2	female	32.5	0	0	13	S	Second	woman	FALSE	E	Southampton	yes	TRUE
124	0	1	male	54	0	1	77.2875	S	First	man	TRUE	D	Southampton	no	FALSE
125	1	3	male	12	1	0	11.2417	C	Third	child	FALSE		Cherbourg	yes	FALSE
126	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
127	1	3	male	24	0	0	7.1417	S	Third	man	TRUE		Southampton	yes	TRUE
128	1	3	female		1	1	22.3583	C	Third	woman	FALSE	F	Cherbourg	yes	FALSE
129	0	3	male	45	0	0	6.975	S	Third	man	TRUE		Southampton	no	TRUE
130	0	3	male	33	0	0	7.8958	C	Third	man	TRUE		Cherbourg	no	TRUE
131	0	3	male	20	0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
132	0	3	female	47	1	0	14.5	S	Third	woman	FALSE		Southampton	no	FALSE
133	1	2	female	29	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
134	0	2	male	25	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
135	0	2	male	23	0	0	15.0458	C	Second	man	TRUE		Cherbourg	no	TRUE
136	1	1	female	19	0	2	26.2833	S	First	woman	FALSE	D	Southampton	yes	FALSE
137	0	1	male	37	1	0	53.1	S	First	man	TRUE	C	Southampton	no	FALSE
138	0	3	male	16	0	0	9.2167	S	Third	man	TRUE		Southampton	no	TRUE
139	0	1	male	24	0	0	79.2	C	First	man	TRUE	B	Cherbourg	no	TRUE
140	0	3	female		0	2	15.2458	C	Third	woman	FALSE		Cherbourg	no	FALSE
141	1	3	female	22	0	0	7.75	S	Third	woman	FALSE		Southampton	yes	TRUE
142	1	3	female	24	1	0	15.85	S	Third	woman	FALSE		Southampton	yes	FALSE
143	0	3	male	19	0	0	6.75	Q	Third	man	TRUE		Queenstown	no	TRUE
144	0	2	male	18	0	0	11.5	S	Second	man	TRUE		Southampton	no	TRUE
145	0	2	male	19	1	1	36.75	S	Second	man	TRUE		Southampton	no	FALSE
146	1	3	male	27	0	0	7.7958	S	Third	man	TRUE		Southampton	yes	TRUE
147	0	3	female	9	2	2	34.375	S	Third	child	FALSE		Southampton	no	FALSE
148	0	2	male	36.5	0	2	26	S	Second	man	TRUE	F	Southampton	no	FALSE
149	0	2	male	42	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
150	0	2	male	51	0	0	12.525	S	Second	man	TRUE		Southampton	no	TRUE
151	1	1	female	22	1	0	66.6	S	First	woman	FALSE	C	Southampton	yes	FALSE
152	0	3	male	55.5	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
153	0	3	male	40.5	0	2	14.5	S	Third	man	TRUE		Southampton	no	FALSE
154	0	3	male		0	0	7.3125	S	Third	man	TRUE		Southampton	no	TRUE
155	0	1	male	51	0	1	61.3792	C	First	man	TRUE		Cherbourg	no	FALSE
156	1	3	female	16	0	0	7.7333	Q	Third	woman	FALSE		Queenstown	yes	TRUE
157	0	3	male	30	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
158	0	3	male		0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
159	0	3	male		8	2	69.55	S	Third	man	TRUE		Southampton	no	FALSE
160	0	3	male	44	0	1	16.1	S	Third	man	TRUE		Southampton	no	FALSE
161	1	2	female	40	0	0	15.75	S	Second	woman	FALSE		Southampton	yes	TRUE
162	0	3	male	26	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
163	0	3	male	17	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
164	0	3	male	1	4	1	39.6875	S	Third	child	FALSE		Southampton	no	FALSE
165	1	3	male	9	0	2	20.525	S	Third	child	FALSE		Southampton	yes	FALSE
166	1	1	female		0	1	55	S	First	woman	FALSE	E	Southampton	yes	FALSE
167	0	3	female	45	1	4	27.9	S	Third	woman	FALSE		Southampton	no	FALSE
168	0	1	male		0	0	25.925	S	First	man	TRUE		Southampton	no	TRUE
169	0	3	male	28	0	0	56.4958	S	Third	man	TRUE		Southampton	no	TRUE
170	0	1	male	61	0	0	33.5	S	First	man	TRUE	B	Southampton	no	TRUE
171	0	3	male	4	4	1	29.125	Q	Third	child	FALSE		Queenstown	no	FALSE
172	1	3	female	1	1	1	11.1333	S	Third	child	FALSE		Southampton	yes	FALSE
173	0	3	male	21	0	0	7.925	S	Third	man	TRUE		Southampton	no	TRUE
174	0	1	male	56	0	0	30.6958	C	First	man	TRUE	A	Cherbourg	no	TRUE
175	0	3	male	18	1	1	7.8542	S	Third	man	TRUE		Southampton	no	FALSE
176	0	3	male		3	1	25.4667	S	Third	man	TRUE		Southampton	no	FALSE
177	0	1	female	50	0	0	28.7125	C	First	woman	FALSE	C	Cherbourg	no	TRUE
178	0	2	male	30	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
179	0	3	male	36	0	0	0	S	Third	man	TRUE		Southampton	no	TRUE
180	0	3	female		8	2	69.55	S	Third	woman	FALSE		Southampton	no	FALSE
181	0	2	male		0	0	15.05	C	Second	man	TRUE		Cherbourg	no	TRUE
182	0	3	male	9	4	2	31.3875	S	Third	child	FALSE		Southampton	no	FALSE
183	1	2	male	1	2	1	39	S	Second	child	FALSE	F	Southampton	yes	FALSE
184	1	3	female	4	0	2	22.025	S	Third	child	FALSE		Southampton	yes	FALSE
185	0	1	male		0	0	50	S	First	man	TRUE	A	Southampton	no	TRUE
186	1	3	female		1	0	15.5	Q	Third	woman	FALSE		Queenstown	yes	FALSE
187	1	1	male	45	0	0	26.55	S	First	man	TRUE		Southampton	yes	TRUE
188	0	3	male	40	1	1	15.5	Q	Third	man	TRUE		Queenstown	no	FALSE
189	0	3	male	36	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
190	1	2	female	32	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
191	0	2	male	19	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
192	1	3	female	19	1	0	7.8542	S	Third	woman	FALSE		Southampton	yes	FALSE
193	1	2	male	3	1	1	26	S	Second	child	FALSE	F	Southampton	yes	FALSE
194	1	1	female	44	0	0	27.7208	C	First	woman	FALSE	B	Cherbourg	yes	TRUE
195	1	1	female	58	0	0	146.5208	C	First	woman	FALSE	B	Cherbourg	yes	TRUE
196	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
197	0	3	male	42	0	1	8.4042	S	Third	man	TRUE		Southampton	no	FALSE
198	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
199	0	2	female	24	0	0	13	S	Second	woman	FALSE		Southampton	no	TRUE
200	0	3	male	28	0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
201	0	3	male		8	2	69.55	S	Third	man	TRUE		Southampton	no	FALSE
202	0	3	male	34	0	0	6.4958	S	Third	man	TRUE		Southampton	no	TRUE
203	0	3	male	45.5	0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
204	1	3	male	18	0	0	8.05	S	Third	man	TRUE		Southampton	yes	TRUE
205	0	3	female	2	0	1	10.4625	S	Third	child	FALSE	G	Southampton	no	FALSE
206	0	3	male	32	1	0	15.85	S	Third	man	TRUE		Southampton	no	FALSE
207	1	3	male	26	0	0	18.7875	C	Third	man	TRUE		Cherbourg	yes	TRUE
208	1	3	female	16	0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
209	1	1	male	40	0	0	31	C	First	man	TRUE	A	Cherbourg	yes	TRUE
210	0	3	male	24	0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
211	1	2	female	35	0	0	21	S	Second	woman	FALSE		Southampton	yes	TRUE
212	0	3	male	22	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
213	0	2	male	30	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
214	0	3	male		1	0	7.75	Q	Third	man	TRUE		Queenstown	no	FALSE
215	1	1	female	31	1	0	113.275	C	First	woman	FALSE	D	Cherbourg	yes	FALSE
216	1	3	female	27	0	0	7.925	S	Third	woman	FALSE		Southampton	yes	TRUE
217	0	2	male	42	1	0	27	S	Second	man	TRUE		Southampton	no	FALSE
218	1	1	female	32	0	0	76.2917	C	First	woman	FALSE	D	Cherbourg	yes	TRUE
219	0	2	male	30	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
220	1	3	male	16	0	0	8.05	S	Third	man	TRUE		Southampton	yes	TRUE
221	0	2	male	27	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
222	0	3	male	51	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
223	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
224	1	1	male	38	1	0	90	S	First	man	TRUE	C	Southampton	yes	FALSE
225	0	3	male	22	0	0	9.35	S	Third	man	TRUE		Southampton	no	TRUE
226	1	2	male	19	0	0	10.5	S	Second	man	TRUE		Southampton	yes	TRUE
227	0	3	male	20.5	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
228	0	2	male	18	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
229	0	3	female		3	1	25.4667	S	Third	woman	FALSE		Southampton	no	FALSE
230	1	1	female	35	1	0	83.475	S	First	woman	FALSE	C	Southampton	yes	FALSE
231	0	3	male	29	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
232	0	2	male	59	0	0	13.5	S	Second	man	TRUE		Southampton	no	TRUE
233	1	3	female	5	4	2	31.3875	S	Third	child	FALSE		Southampton	yes	FALSE
234	0	2	male	24	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
235	0	3	female		0	0	7.55	S	Third	woman	FALSE		Southampton	no	TRUE
236	0	2	male	44	1	0	26	S	Second	man	TRUE		Southampton	no	FALSE
237	1	2	female	8	0	2	26.25	S	Second	child	FALSE		Southampton	yes	FALSE
238	0	2	male	19	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
239	0	2	male	33	0	0	12.275	S	Second	man	TRUE		Southampton	no	TRUE
240	0	3	female		1	0	14.4542	C	Third	woman	FALSE		Cherbourg	no	FALSE
241	1	3	female		1	0	15.5	Q	Third	woman	FALSE		Queenstown	yes	FALSE
242	0	2	male	29	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
243	0	3	male	22	0	0	7.125	S	Third	man	TRUE		Southampton	no	TRUE
244	0	3	male	30	0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
245	0	1	male	44	2	0	90	Q	First	man	TRUE	C	Queenstown	no	FALSE
246	0	3	female	25	0	0	7.775	S	Third	woman	FALSE		Southampton	no	TRUE
247	1	2	female	24	0	2	14.5	S	Second	woman	FALSE		Southampton	yes	FALSE
248	1	1	male	37	1	1	52.5542	S	First	man	TRUE	D	Southampton	yes	FALSE
249	0	2	male	54	1	0	26	S	Second	man	TRUE		Southampton	no	FALSE
250	0	3	male		0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
251	0	3	female	29	1	1	10.4625	S	Third	woman	FALSE	G	Southampton	no	FALSE
252	0	1	male	62	0	0	26.55	S	First	man	TRUE	C	Southampton	no	TRUE
253	0	3	male	30	1	0	16.1	S	Third	man	TRUE		Southampton	no	FALSE
254	0	3	female	41	0	2	20.2125	S	Third	woman	FALSE		Southampton	no	FALSE
255	1	3	female	29	0	2	15.2458	C	Third	woman	FALSE		Cherbourg	yes	FALSE
256	1	1	female		0	0	79.2	C	First	woman	FALSE		Cherbourg	yes	TRUE
257	1	1	female	30	0	0	86.5	S	First	woman	FALSE	B	Southampton	yes	TRUE
258	1	1	female	35	0	0	512.3292	C	First	woman	FALSE		Cherbourg	yes	TRUE
259	1	2	female	50	0	1	26	S	Second	woman	FALSE		Southampton	yes	FALSE
260	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
261	1	3	male	3	4	2	31.3875	S	Third	child	FALSE		Southampton	yes	FALSE
262	0	1	male	52	1	1	79.65	S	First	man	TRUE	E	Southampton	no	FALSE
263	0	1	male	40	0	0	0	S	First	man	TRUE	B	Southampton	no	TRUE
264	0	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	no	TRUE
265	0	2	male	36	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
266	0	3	male	16	4	1	39.6875	S	Third	man	TRUE		Southampton	no	FALSE
267	1	3	male	25	1	0	7.775	S	Third	man	TRUE		Southampton	yes	FALSE
268	1	1	female	58	0	1	153.4625	S	First	woman	FALSE	C	Southampton	yes	FALSE
269	1	1	female	35	0	0	135.6333	S	First	woman	FALSE	C	Southampton	yes	TRUE
270	0	1	male		0	0	31	S	First	man	TRUE		Southampton	no	TRUE
271	1	3	male	25	0	0	0	S	Third	man	TRUE		Southampton	yes	TRUE
272	1	2	female	41	0	1	19.5	S	Second	woman	FALSE		Southampton	yes	FALSE
273	0	1	male	37	0	1	29.7	C	First	man	TRUE	C	Cherbourg	no	FALSE
274	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
275	1	1	female	63	1	0	77.9583	S	First	woman	FALSE	D	Southampton	yes	FALSE
276	0	3	female	45	0	0	7.75	S	Third	woman	FALSE		Southampton	no	TRUE
277	0	2	male		0	0	0	S	Second	man	TRUE		Southampton	no	TRUE
278	0	3	male	7	4	1	29.125	Q	Third	child	FALSE		Queenstown	no	FALSE
279	1	3	female	35	1	1	20.25	S	Third	woman	FALSE		Southampton	yes	FALSE
280	0	3	male	65	0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
281	0	3	male	28	0	0	7.8542	S	Third	man	TRUE		Southampton	no	TRUE
282	0	3	male	16	0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
283	1	3	male	19	0	0	8.05	S	Third	man	TRUE		Southampton	yes	TRUE
284	0	1	male		0	0	26	S	First	man	TRUE	A	Southampton	no	TRUE
285	0	3	male	33	0	0	8.6625	C	Third	man	TRUE		Cherbourg	no	TRUE
286	1	3	male	30	0	0	9.5	S	Third	man	TRUE		Southampton	yes	TRUE
287	0	3	male	22	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
288	1	2	male	42	0	0	13	S	Second	man	TRUE		Southampton	yes	TRUE
289	1	3	female	22	0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
290	1	1	female	26	0	0	78.85	S	First	woman	FALSE		Southampton	yes	TRUE
291	1	1	female	19	1	0	91.0792	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
292	0	2	male	36	0	0	12.875	C	Second	man	TRUE	D	Cherbourg	no	TRUE
293	0	3	female	24	0	0	8.85	S	Third	woman	FALSE		Southampton	no	TRUE
294	0	3	male	24	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
295	0	1	male		0	0	27.7208	C	First	man	TRUE		Cherbourg	no	TRUE
296	0	3	male	23.5	0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
297	0	1	female	2	1	2	151.55	S	First	child	FALSE	C	Southampton	no	FALSE
298	1	1	male		0	0	30.5	S	First	man	TRUE	C	Southampton	yes	TRUE
299	1	1	female	50	0	1	247.5208	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
300	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
301	1	3	male		2	0	23.25	Q	Third	man	TRUE		Queenstown	yes	FALSE
302	0	3	male	19	0	0	0	S	Third	man	TRUE		Southampton	no	TRUE
303	1	2	female		0	0	12.35	Q	Second	woman	FALSE	E	Queenstown	yes	TRUE
304	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
305	1	1	male	0.92	1	2	151.55	S	First	child	FALSE	C	Southampton	yes	FALSE
306	1	1	female		0	0	110.8833	C	First	woman	FALSE		Cherbourg	yes	TRUE
307	1	1	female	17	1	0	108.9	C	First	woman	FALSE	C	Cherbourg	yes	FALSE
308	0	2	male	30	1	0	24	C	Second	man	TRUE		Cherbourg	no	FALSE
309	1	1	female	30	0	0	56.9292	C	First	woman	FALSE	E	Cherbourg	yes	TRUE
310	1	1	female	24	0	0	83.1583	C	First	woman	FALSE	C	Cherbourg	yes	TRUE
311	1	1	female	18	2	2	262.375	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
312	0	2	female	26	1	1	26	S	Second	woman	FALSE		Southampton	no	FALSE
313	0	3	male	28	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
314	0	2	male	43	1	1	26.25	S	Second	man	TRUE		Southampton	no	FALSE
315	1	3	female	26	0	0	7.8542	S	Third	woman	FALSE		Southampton	yes	TRUE
316	1	2	female	24	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
317	0	2	male	54	0	0	14	S	Second	man	TRUE		Southampton	no	TRUE
318	1	1	female	31	0	2	164.8667	S	First	woman	FALSE	C	Southampton	yes	FALSE
319	1	1	female	40	1	1	134.5	C	First	woman	FALSE	E	Cherbourg	yes	FALSE
320	0	3	male	22	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
321	0	3	male	27	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
322	1	2	female	30	0	0	12.35	Q	Second	woman	FALSE		Queenstown	yes	TRUE
323	1	2	female	22	1	1	29	S	Second	woman	FALSE		Southampton	yes	FALSE
324	0	3	male		8	2	69.55	S	Third	man	TRUE		Southampton	no	FALSE
325	1	1	female	36	0	0	135.6333	C	First	woman	FALSE	C	Cherbourg	yes	TRUE
326	0	3	male	61	0	0	6.2375	S	Third	man	TRUE		Southampton	no	TRUE
327	1	2	female	36	0	0	13	S	Second	woman	FALSE	D	Southampton	yes	TRUE
328	1	3	female	31	1	1	20.525	S	Third	woman	FALSE		Southampton	yes	FALSE
329	1	1	female	16	0	1	57.9792	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
330	1	3	female		2	0	23.25	Q	Third	woman	FALSE		Queenstown	yes	FALSE
331	0	1	male	45.5	0	0	28.5	S	First	man	TRUE	C	Southampton	no	TRUE
332	0	1	male	38	0	1	153.4625	S	First	man	TRUE	C	Southampton	no	FALSE
333	0	3	male	16	2	0	18	S	Third	man	TRUE		Southampton	no	FALSE
334	1	1	female		1	0	133.65	S	First	woman	FALSE		Southampton	yes	FALSE
335	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
336	0	1	male	29	1	0	66.6	S	First	man	TRUE	C	Southampton	no	FALSE
337	1	1	female	41	0	0	134.5	C	First	woman	FALSE	E	Cherbourg	yes	TRUE
338	1	3	male	45	0	0	8.05	S	Third	man	TRUE		Southampton	yes	TRUE
339	0	1	male	45	0	0	35.5	S	First	man	TRUE		Southampton	no	TRUE
340	1	2	male	2	1	1	26	S	Second	child	FALSE	F	Southampton	yes	FALSE
341	1	1	female	24	3	2	263	S	First	woman	FALSE	C	Southampton	yes	FALSE
342	0	2	male	28	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
343	0	2	male	25	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
344	0	2	male	36	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
345	1	2	female	24	0	0	13	S	Second	woman	FALSE	F	Southampton	yes	TRUE
346	1	2	female	40	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
347	1	3	female		1	0	16.1	S	Third	woman	FALSE		Southampton	yes	FALSE
348	1	3	male	3	1	1	15.9	S	Third	child	FALSE		Southampton	yes	FALSE
349	0	3	male	42	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
350	0	3	male	23	0	0	9.225	S	Third	man	TRUE		Southampton	no	TRUE
351	0	1	male		0	0	35	S	First	man	TRUE	C	Southampton	no	TRUE
352	0	3	male	15	1	1	7.2292	C	Third	child	FALSE		Cherbourg	no	FALSE
353	0	3	male	25	1	0	17.8	S	Third	man	TRUE		Southampton	no	FALSE
354	0	3	male		0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
355	0	3	male	28	0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
356	1	1	female	22	0	1	55	S	First	woman	FALSE	E	Southampton	yes	FALSE
357	0	2	female	38	0	0	13	S	Second	woman	FALSE		Southampton	no	TRUE
358	1	3	female		0	0	7.8792	Q	Third	woman	FALSE		Queenstown	yes	TRUE
359	1	3	female		0	0	7.8792	Q	Third	woman	FALSE		Queenstown	yes	TRUE
360	0	3	male	40	1	4	27.9	S	Third	man	TRUE		Southampton	no	FALSE
361	0	2	male	29	1	0	27.7208	C	Second	man	TRUE		Cherbourg	no	FALSE
362	0	3	female	45	0	1	14.4542	C	Third	woman	FALSE		Cherbourg	no	FALSE
363	0	3	male	35	0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
364	0	3	male		1	0	15.5	Q	Third	man	TRUE		Queenstown	no	FALSE
365	0	3	male	30	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
366	1	1	female	60	1	0	75.25	C	First	woman	FALSE	D	Cherbourg	yes	FALSE
367	1	3	female		0	0	7.2292	C	Third	woman	FALSE		Cherbourg	yes	TRUE
368	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
369	1	1	female	24	0	0	69.3	C	First	woman	FALSE	B	Cherbourg	yes	TRUE
370	1	1	male	25	1	0	55.4417	C	First	man	TRUE	E	Cherbourg	yes	FALSE
371	0	3	male	18	1	0	6.4958	S	Third	man	TRUE		Southampton	no	FALSE
372	0	3	male	19	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
373	0	1	male	22	0	0	135.6333	C	First	man	TRUE		Cherbourg	no	TRUE
374	0	3	female	3	3	1	21.075	S	Third	child	FALSE		Southampton	no	FALSE
375	1	1	female		1	0	82.1708	C	First	woman	FALSE		Cherbourg	yes	FALSE
376	1	3	female	22	0	0	7.25	S	Third	woman	FALSE		Southampton	yes	TRUE
377	0	1	male	27	0	2	211.5	C	First	man	TRUE	C	Cherbourg	no	FALSE
378	0	3	male	20	0	0	4.0125	C	Third	man	TRUE		Cherbourg	no	TRUE
379	0	3	male	19	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
380	1	1	female	42	0	0	227.525	C	First	woman	FALSE		Cherbourg	yes	TRUE
381	1	3	female	1	0	2	15.7417	C	Third	child	FALSE		Cherbourg	yes	FALSE
382	0	3	male	32	0	0	7.925	S	Third	man	TRUE		Southampton	no	TRUE
383	1	1	female	35	1	0	52	S	First	woman	FALSE		Southampton	yes	FALSE
384	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
385	0	2	male	18	0	0	73.5	S	Second	man	TRUE		Southampton	no	TRUE
386	0	3	male	1	5	2	46.9	S	Third	child	FALSE		Southampton	no	FALSE
387	1	2	female	36	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
388	0	3	male		0	0	7.7292	Q	Third	man	TRUE		Queenstown	no	TRUE
389	1	2	female	17	0	0	12	C	Second	woman	FALSE		Cherbourg	yes	TRUE
390	1	1	male	36	1	2	120	S	First	man	TRUE	B	Southampton	yes	FALSE
391	1	3	male	21	0	0	7.7958	S	Third	man	TRUE		Southampton	yes	TRUE
392	0	3	male	28	2	0	7.925	S	Third	man	TRUE		Southampton	no	FALSE
393	1	1	female	23	1	0	113.275	C	First	woman	FALSE	D	Cherbourg	yes	FALSE
394	1	3	female	24	0	2	16.7	S	Third	woman	FALSE	G	Southampton	yes	FALSE
395	0	3	male	22	0	0	7.7958	S	Third	man	TRUE		Southampton	no	TRUE
396	0	3	female	31	0	0	7.8542	S	Third	woman	FALSE		Southampton	no	TRUE
397	0	2	male	46	0	0	26	S	Second	man	TRUE		Southampton	no	TRUE
398	0	2	male	23	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
399	1	2	female	28	0	0	12.65	S	Second	woman	FALSE		Southampton	yes	TRUE
400	1	3	male	39	0	0	7.925	S	Third	man	TRUE		Southampton	yes	TRUE
401	0	3	male	26	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
402	0	3	female	21	1	0	9.825	S	Third	woman	FALSE		Southampton	no	FALSE
403	0	3	male	28	1	0	15.85	S	Third	man	TRUE		Southampton	no	FALSE
404	0	3	female	20	0	0	8.6625	S	Third	woman	FALSE		Southampton	no	TRUE
405	0	2	male	34	1	0	21	S	Second	man	TRUE		Southampton	no	FALSE
406	0	3	male	51	0	0	7.75	S	Third	man	TRUE		Southampton	no	TRUE
407	1	2	male	3	1	1	18.75	S	Second	child	FALSE		Southampton	yes	FALSE
408	0	3	male	21	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
409	0	3	female		3	1	25.4667	S	Third	woman	FALSE		Southampton	no	FALSE
410	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
411	0	3	male		0	0	6.8583	Q	Third	man	TRUE		Queenstown	no	TRUE
412	1	1	female	33	1	0	90	Q	First	woman	FALSE	C	Queenstown	yes	FALSE
413	0	2	male		0	0	0	S	Second	man	TRUE		Southampton	no	TRUE
414	1	3	male	44	0	0	7.925	S	Third	man	TRUE		Southampton	yes	TRUE
415	0	3	female		0	0	8.05	S	Third	woman	FALSE		Southampton	no	TRUE
416	1	2	female	34	1	1	32.5	S	Second	woman	FALSE		Southampton	yes	FALSE
417	1	2	female	18	0	2	13	S	Second	woman	FALSE		Southampton	yes	FALSE
418	0	2	male	30	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
419	0	3	female	10	0	2	24.15	S	Third	child	FALSE		Southampton	no	FALSE
420	0	3	male		0	0	7.8958	C	Third	man	TRUE		Cherbourg	no	TRUE
421	0	3	male	21	0	0	7.7333	Q	Third	man	TRUE		Queenstown	no	TRUE
422	0	3	male	29	0	0	7.875	S	Third	man	TRUE		Southampton	no	TRUE
423	0	3	female	28	1	1	14.4	S	Third	woman	FALSE		Southampton	no	FALSE
424	0	3	male	18	1	1	20.2125	S	Third	man	TRUE		Southampton	no	FALSE
425	0	3	male		0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
426	1	2	female	28	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
427	1	2	female	19	0	0	26	S	Second	woman	FALSE		Southampton	yes	TRUE
428	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
429	1	3	male	32	0	0	8.05	S	Third	man	TRUE	E	Southampton	yes	TRUE
430	1	1	male	28	0	0	26.55	S	First	man	TRUE	C	Southampton	yes	TRUE
431	1	3	female		1	0	16.1	S	Third	woman	FALSE		Southampton	yes	FALSE
432	1	2	female	42	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
433	0	3	male	17	0	0	7.125	S	Third	man	TRUE		Southampton	no	TRUE
434	0	1	male	50	1	0	55.9	S	First	man	TRUE	E	Southampton	no	FALSE
435	1	1	female	14	1	2	120	S	First	child	FALSE	B	Southampton	yes	FALSE
436	0	3	female	21	2	2	34.375	S	Third	woman	FALSE		Southampton	no	FALSE
437	1	2	female	24	2	3	18.75	S	Second	woman	FALSE		Southampton	yes	FALSE
438	0	1	male	64	1	4	263	S	First	man	TRUE	C	Southampton	no	FALSE
439	0	2	male	31	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
440	1	2	female	45	1	1	26.25	S	Second	woman	FALSE		Southampton	yes	FALSE
441	0	3	male	20	0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
442	0	3	male	25	1	0	7.775	S	Third	man	TRUE		Southampton	no	FALSE
443	1	2	female	28	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
444	1	3	male		0	0	8.1125	S	Third	man	TRUE		Southampton	yes	TRUE
445	1	1	male	4	0	2	81.8583	S	First	child	FALSE	A	Southampton	yes	FALSE
446	1	2	female	13	0	1	19.5	S	Second	child	FALSE		Southampton	yes	FALSE
447	1	1	male	34	0	0	26.55	S	First	man	TRUE		Southampton	yes	TRUE
448	1	3	female	5	2	1	19.2583	C	Third	child	FALSE		Cherbourg	yes	FALSE
449	1	1	male	52	0	0	30.5	S	First	man	TRUE	C	Southampton	yes	TRUE
450	0	2	male	36	1	2	27.75	S	Second	man	TRUE		Southampton	no	FALSE
451	0	3	male		1	0	19.9667	S	Third	man	TRUE		Southampton	no	FALSE
452	0	1	male	30	0	0	27.75	C	First	man	TRUE	C	Cherbourg	no	TRUE
453	1	1	male	49	1	0	89.1042	C	First	man	TRUE	C	Cherbourg	yes	FALSE
454	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
455	1	3	male	29	0	0	7.8958	C	Third	man	TRUE		Cherbourg	yes	TRUE
456	0	1	male	65	0	0	26.55	S	First	man	TRUE	E	Southampton	no	TRUE
457	1	1	female		1	0	51.8625	S	First	woman	FALSE	D	Southampton	yes	FALSE
458	1	2	female	50	0	0	10.5	S	Second	woman	FALSE		Southampton	yes	TRUE
459	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
460	1	1	male	48	0	0	26.55	S	First	man	TRUE	E	Southampton	yes	TRUE
461	0	3	male	34	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
462	0	1	male	47	0	0	38.5	S	First	man	TRUE	E	Southampton	no	TRUE
463	0	2	male	48	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
464	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
465	0	3	male	38	0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
466	0	2	male		0	0	0	S	Second	man	TRUE		Southampton	no	TRUE
467	0	1	male	56	0	0	26.55	S	First	man	TRUE		Southampton	no	TRUE
468	0	3	male		0	0	7.725	Q	Third	man	TRUE		Queenstown	no	TRUE
469	1	3	female	0.75	2	1	19.2583	C	Third	child	FALSE		Cherbourg	yes	FALSE
470	0	3	male		0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
471	0	3	male	38	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
472	1	2	female	33	1	2	27.75	S	Second	woman	FALSE		Southampton	yes	FALSE
473	1	2	female	23	0	0	13.7917	C	Second	woman	FALSE	D	Cherbourg	yes	TRUE
474	0	3	female	22	0	0	9.8375	S	Third	woman	FALSE		Southampton	no	TRUE
475	0	1	male		0	0	52	S	First	man	TRUE	A	Southampton	no	TRUE
476	0	2	male	34	1	0	21	S	Second	man	TRUE		Southampton	no	FALSE
477	0	3	male	29	1	0	7.0458	S	Third	man	TRUE		Southampton	no	FALSE
478	0	3	male	22	0	0	7.5208	S	Third	man	TRUE		Southampton	no	TRUE
479	1	3	female	2	0	1	12.2875	S	Third	child	FALSE		Southampton	yes	FALSE
480	0	3	male	9	5	2	46.9	S	Third	child	FALSE		Southampton	no	FALSE
481	0	2	male		0	0	0	S	Second	man	TRUE		Southampton	no	TRUE
482	0	3	male	50	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
483	1	3	female	63	0	0	9.5875	S	Third	woman	FALSE		Southampton	yes	TRUE
484	1	1	male	25	1	0	91.0792	C	First	man	TRUE	B	Cherbourg	yes	FALSE
485	0	3	female		3	1	25.4667	S	Third	woman	FALSE		Southampton	no	FALSE
486	1	1	female	35	1	0	90	S	First	woman	FALSE	C	Southampton	yes	FALSE
487	0	1	male	58	0	0	29.7	C	First	man	TRUE	B	Cherbourg	no	TRUE
488	0	3	male	30	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
489	1	3	male	9	1	1	15.9	S	Third	child	FALSE		Southampton	yes	FALSE
490	0	3	male		1	0	19.9667	S	Third	man	TRUE		Southampton	no	FALSE
491	0	3	male	21	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
492	0	1	male	55	0	0	30.5	S	First	man	TRUE	C	Southampton	no	TRUE
493	0	1	male	71	0	0	49.5042	C	First	man	TRUE		Cherbourg	no	TRUE
494	0	3	male	21	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
495	0	3	male		0	0	14.4583	C	Third	man	TRUE		Cherbourg	no	TRUE
496	1	1	female	54	1	0	78.2667	C	First	woman	FALSE	D	Cherbourg	yes	FALSE
497	0	3	male		0	0	15.1	S	Third	man	TRUE		Southampton	no	TRUE
498	0	1	female	25	1	2	151.55	S	First	woman	FALSE	C	Southampton	no	FALSE
499	0	3	male	24	0	0	7.7958	S	Third	man	TRUE		Southampton	no	TRUE
500	0	3	male	17	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
501	0	3	female	21	0	0	7.75	Q	Third	woman	FALSE		Queenstown	no	TRUE
502	0	3	female		0	0	7.6292	Q	Third	woman	FALSE		Queenstown	no	TRUE
503	0	3	female	37	0	0	9.5875	S	Third	woman	FALSE		Southampton	no	TRUE
504	1	1	female	16	0	0	86.5	S	First	woman	FALSE	B	Southampton	yes	TRUE
505	0	1	male	18	1	0	108.9	C	First	man	TRUE	C	Cherbourg	no	FALSE
506	1	2	female	33	0	2	26	S	Second	woman	FALSE		Southampton	yes	FALSE
507	1	1	male		0	0	26.55	S	First	man	TRUE		Southampton	yes	TRUE
508	0	3	male	28	0	0	22.525	S	Third	man	TRUE		Southampton	no	TRUE
509	1	3	male	26	0	0	56.4958	S	Third	man	TRUE		Southampton	yes	TRUE
510	1	3	male	29	0	0	7.75	Q	Third	man	TRUE		Queenstown	yes	TRUE
511	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
512	1	1	male	36	0	0	26.2875	S	First	man	TRUE	E	Southampton	yes	TRUE
513	1	1	female	54	1	0	59.4	C	First	woman	FALSE		Cherbourg	yes	FALSE
514	0	3	male	24	0	0	7.4958	S	Third	man	TRUE		Southampton	no	TRUE
515	0	1	male	47	0	0	34.0208	S	First	man	TRUE	D	Southampton	no	TRUE
516	1	2	female	34	0	0	10.5	S	Second	woman	FALSE	F	Southampton	yes	TRUE
517	0	3	male		0	0	24.15	Q	Third	man	TRUE		Queenstown	no	TRUE
518	1	2	female	36	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
519	0	3	male	32	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
520	1	1	female	30	0	0	93.5	S	First	woman	FALSE	B	Southampton	yes	TRUE
521	0	3	male	22	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
522	0	3	male		0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
523	1	1	female	44	0	1	57.9792	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
524	0	3	male		0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
525	0	3	male	40.5	0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
526	1	2	female	50	0	0	10.5	S	Second	woman	FALSE		Southampton	yes	TRUE
527	0	1	male		0	0	221.7792	S	First	man	TRUE	C	Southampton	no	TRUE
528	0	3	male	39	0	0	7.925	S	Third	man	TRUE		Southampton	no	TRUE
529	0	2	male	23	2	1	11.5	S	Second	man	TRUE		Southampton	no	FALSE
530	1	2	female	2	1	1	26	S	Second	child	FALSE		Southampton	yes	FALSE
531	0	3	male		0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
532	0	3	male	17	1	1	7.2292	C	Third	man	TRUE		Cherbourg	no	FALSE
533	1	3	female		0	2	22.3583	C	Third	woman	FALSE		Cherbourg	yes	FALSE
534	0	3	female	30	0	0	8.6625	S	Third	woman	FALSE		Southampton	no	TRUE
535	1	2	female	7	0	2	26.25	S	Second	child	FALSE		Southampton	yes	FALSE
536	0	1	male	45	0	0	26.55	S	First	man	TRUE	B	Southampton	no	TRUE
537	1	1	female	30	0	0	106.425	C	First	woman	FALSE		Cherbourg	yes	TRUE
538	0	3	male		0	0	14.5	S	Third	man	TRUE		Southampton	no	TRUE
539	1	1	female	22	0	2	49.5	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
540	1	1	female	36	0	2	71	S	First	woman	FALSE	B	Southampton	yes	FALSE
541	0	3	female	9	4	2	31.275	S	Third	child	FALSE		Southampton	no	FALSE
542	0	3	female	11	4	2	31.275	S	Third	child	FALSE		Southampton	no	FALSE
543	1	2	male	32	1	0	26	S	Second	man	TRUE		Southampton	yes	FALSE
544	0	1	male	50	1	0	106.425	C	First	man	TRUE	C	Cherbourg	no	FALSE
545	0	1	male	64	0	0	26	S	First	man	TRUE		Southampton	no	TRUE
546	1	2	female	19	1	0	26	S	Second	woman	FALSE		Southampton	yes	FALSE
547	1	2	male		0	0	13.8625	C	Second	man	TRUE		Cherbourg	yes	TRUE
548	0	3	male	33	1	1	20.525	S	Third	man	TRUE		Southampton	no	FALSE
549	1	2	male	8	1	1	36.75	S	Second	child	FALSE		Southampton	yes	FALSE
550	1	1	male	17	0	2	110.8833	C	First	man	TRUE	C	Cherbourg	yes	FALSE
551	0	2	male	27	0	0	26	S	Second	man	TRUE		Southampton	no	TRUE
552	0	3	male		0	0	7.8292	Q	Third	man	TRUE		Queenstown	no	TRUE
553	1	3	male	22	0	0	7.225	C	Third	man	TRUE		Cherbourg	yes	TRUE
554	1	3	female	22	0	0	7.775	S	Third	woman	FALSE		Southampton	yes	TRUE
555	0	1	male	62	0	0	26.55	S	First	man	TRUE		Southampton	no	TRUE
556	1	1	female	48	1	0	39.6	C	First	woman	FALSE	A	Cherbourg	yes	FALSE
557	0	1	male		0	0	227.525	C	First	man	TRUE		Cherbourg	no	TRUE
558	1	1	female	39	1	1	79.65	S	First	woman	FALSE	E	Southampton	yes	FALSE
559	1	3	female	36	1	0	17.4	S	Third	woman	FALSE		Southampton	yes	FALSE
560	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
561	0	3	male	40	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
562	0	2	male	28	0	0	13.5	S	Second	man	TRUE		Southampton	no	TRUE
563	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
564	0	3	female		0	0	8.05	S	Third	woman	FALSE		Southampton	no	TRUE
565	0	3	male	24	2	0	24.15	S	Third	man	TRUE		Southampton	no	FALSE
566	0	3	male	19	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
567	0	3	female	29	0	4	21.075	S	Third	woman	FALSE		Southampton	no	FALSE
568	0	3	male		0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
569	1	3	male	32	0	0	7.8542	S	Third	man	TRUE		Southampton	yes	TRUE
570	1	2	male	62	0	0	10.5	S	Second	man	TRUE		Southampton	yes	TRUE
571	1	1	female	53	2	0	51.4792	S	First	woman	FALSE	C	Southampton	yes	FALSE
572	1	1	male	36	0	0	26.3875	S	First	man	TRUE	E	Southampton	yes	TRUE
573	1	3	female		0	0	7.75	Q	Third	woman	FALSE		Queenstown	yes	TRUE
574	0	3	male	16	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
575	0	3	male	19	0	0	14.5	S	Third	man	TRUE		Southampton	no	TRUE
576	1	2	female	34	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
577	1	1	female	39	1	0	55.9	S	First	woman	FALSE	E	Southampton	yes	FALSE
578	0	3	female		1	0	14.4583	C	Third	woman	FALSE		Cherbourg	no	FALSE
579	1	3	male	32	0	0	7.925	S	Third	man	TRUE		Southampton	yes	TRUE
580	1	2	female	25	1	1	30	S	Second	woman	FALSE		Southampton	yes	FALSE
581	1	1	female	39	1	1	110.8833	C	First	woman	FALSE	C	Cherbourg	yes	FALSE
582	0	2	male	54	0	0	26	S	Second	man	TRUE		Southampton	no	TRUE
583	0	1	male	36	0	0	40.125	C	First	man	TRUE	A	Cherbourg	no	TRUE
584	0	3	male		0	0	8.7125	C	Third	man	TRUE		Cherbourg	no	TRUE
585	1	1	female	18	0	2	79.65	S	First	woman	FALSE	E	Southampton	yes	FALSE
586	0	2	male	47	0	0	15	S	Second	man	TRUE		Southampton	no	TRUE
587	1	1	male	60	1	1	79.2	C	First	man	TRUE	B	Cherbourg	yes	FALSE
588	0	3	male	22	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
589	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
590	0	3	male	35	0	0	7.125	S	Third	man	TRUE		Southampton	no	TRUE
591	1	1	female	52	1	0	78.2667	C	First	woman	FALSE	D	Cherbourg	yes	FALSE
592	0	3	male	47	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
593	0	3	female		0	2	7.75	Q	Third	woman	FALSE		Queenstown	no	FALSE
594	0	2	male	37	1	0	26	S	Second	man	TRUE		Southampton	no	FALSE
595	0	3	male	36	1	1	24.15	S	Third	man	TRUE		Southampton	no	FALSE
596	1	2	female		0	0	33	S	Second	woman	FALSE		Southampton	yes	TRUE
597	0	3	male	49	0	0	0	S	Third	man	TRUE		Southampton	no	TRUE
598	0	3	male		0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
599	1	1	male	49	1	0	56.9292	C	First	man	TRUE	A	Cherbourg	yes	FALSE
600	1	2	female	24	2	1	27	S	Second	woman	FALSE		Southampton	yes	FALSE
601	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
602	0	1	male		0	0	42.4	S	First	man	TRUE		Southampton	no	TRUE
603	0	3	male	44	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
604	1	1	male	35	0	0	26.55	C	First	man	TRUE		Cherbourg	yes	TRUE
605	0	3	male	36	1	0	15.55	S	Third	man	TRUE		Southampton	no	FALSE
606	0	3	male	30	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
607	1	1	male	27	0	0	30.5	S	First	man	TRUE		Southampton	yes	TRUE
608	1	2	female	22	1	2	41.5792	C	Second	woman	FALSE		Cherbourg	yes	FALSE
609	1	1	female	40	0	0	153.4625	S	First	woman	FALSE	C	Southampton	yes	TRUE
610	0	3	female	39	1	5	31.275	S	Third	woman	FALSE		Southampton	no	FALSE
611	0	3	male		0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
612	1	3	female		1	0	15.5	Q	Third	woman	FALSE		Queenstown	yes	FALSE
613	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
614	0	3	male	35	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
615	1	2	female	24	1	2	65	S	Second	woman	FALSE		Southampton	yes	FALSE
616	0	3	male	34	1	1	14.4	S	Third	man	TRUE		Southampton	no	FALSE
617	0	3	female	26	1	0	16.1	S	Third	woman	FALSE		Southampton	no	FALSE
618	1	2	female	4	2	1	39	S	Second	child	FALSE	F	Southampton	yes	FALSE
619	0	2	male	26	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
620	0	3	male	27	1	0	14.4542	C	Third	man	TRUE		Cherbourg	no	FALSE
621	1	1	male	42	1	0	52.5542	S	First	man	TRUE	D	Southampton	yes	FALSE
622	1	3	male	20	1	1	15.7417	C	Third	man	TRUE		Cherbourg	yes	FALSE
623	0	3	male	21	0	0	7.8542	S	Third	man	TRUE		Southampton	no	TRUE
624	0	3	male	21	0	0	16.1	S	Third	man	TRUE		Southampton	no	TRUE
625	0	1	male	61	0	0	32.3208	S	First	man	TRUE	D	Southampton	no	TRUE
626	0	2	male	57	0	0	12.35	Q	Second	man	TRUE		Queenstown	no	TRUE
627	1	1	female	21	0	0	77.9583	S	First	woman	FALSE	D	Southampton	yes	TRUE
628	0	3	male	26	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
629	0	3	male		0	0	7.7333	Q	Third	man	TRUE		Queenstown	no	TRUE
630	1	1	male	80	0	0	30	S	First	man	TRUE	A	Southampton	yes	TRUE
631	0	3	male	51	0	0	7.0542	S	Third	man	TRUE		Southampton	no	TRUE
632	1	1	male	32	0	0	30.5	C	First	man	TRUE	B	Cherbourg	yes	TRUE
633	0	1	male		0	0	0	S	First	man	TRUE		Southampton	no	TRUE
634	0	3	female	9	3	2	27.9	S	Third	child	FALSE		Southampton	no	FALSE
635	1	2	female	28	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
636	0	3	male	32	0	0	7.925	S	Third	man	TRUE		Southampton	no	TRUE
637	0	2	male	31	1	1	26.25	S	Second	man	TRUE		Southampton	no	FALSE
638	0	3	female	41	0	5	39.6875	S	Third	woman	FALSE		Southampton	no	FALSE
639	0	3	male		1	0	16.1	S	Third	man	TRUE		Southampton	no	FALSE
640	0	3	male	20	0	0	7.8542	S	Third	man	TRUE		Southampton	no	TRUE
641	1	1	female	24	0	0	69.3	C	First	woman	FALSE	B	Cherbourg	yes	TRUE
642	0	3	female	2	3	2	27.9	S	Third	child	FALSE		Southampton	no	FALSE
643	1	3	male		0	0	56.4958	S	Third	man	TRUE		Southampton	yes	TRUE
644	1	3	female	0.75	2	1	19.2583	C	Third	child	FALSE		Cherbourg	yes	FALSE
645	1	1	male	48	1	0	76.7292	C	First	man	TRUE	D	Cherbourg	yes	FALSE
646	0	3	male	19	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
647	1	1	male	56	0	0	35.5	C	First	man	TRUE	A	Cherbourg	yes	TRUE
648	0	3	male		0	0	7.55	S	Third	man	TRUE		Southampton	no	TRUE
649	1	3	female	23	0	0	7.55	S	Third	woman	FALSE		Southampton	yes	TRUE
650	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
651	1	2	female	18	0	1	23	S	Second	woman	FALSE		Southampton	yes	FALSE
652	0	3	male	21	0	0	8.4333	S	Third	man	TRUE		Southampton	no	TRUE
653	1	3	female		0	0	7.8292	Q	Third	woman	FALSE		Queenstown	yes	TRUE
654	0	3	female	18	0	0	6.75	Q	Third	woman	FALSE		Queenstown	no	TRUE
655	0	2	male	24	2	0	73.5	S	Second	man	TRUE		Southampton	no	FALSE
656	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
657	0	3	female	32	1	1	15.5	Q	Third	woman	FALSE		Queenstown	no	FALSE
658	0	2	male	23	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
659	0	1	male	58	0	2	113.275	C	First	man	TRUE	D	Cherbourg	no	FALSE
660	1	1	male	50	2	0	133.65	S	First	man	TRUE		Southampton	yes	FALSE
661	0	3	male	40	0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
662	0	1	male	47	0	0	25.5875	S	First	man	TRUE	E	Southampton	no	TRUE
663	0	3	male	36	0	0	7.4958	S	Third	man	TRUE		Southampton	no	TRUE
664	1	3	male	20	1	0	7.925	S	Third	man	TRUE		Southampton	yes	FALSE
665	0	2	male	32	2	0	73.5	S	Second	man	TRUE		Southampton	no	FALSE
666	0	2	male	25	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
667	0	3	male		0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
668	0	3	male	43	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
669	1	1	female		1	0	52	S	First	woman	FALSE	C	Southampton	yes	FALSE
670	1	2	female	40	1	1	39	S	Second	woman	FALSE		Southampton	yes	FALSE
671	0	1	male	31	1	0	52	S	First	man	TRUE	B	Southampton	no	FALSE
672	0	2	male	70	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
673	1	2	male	31	0	0	13	S	Second	man	TRUE		Southampton	yes	TRUE
674	0	2	male		0	0	0	S	Second	man	TRUE		Southampton	no	TRUE
675	0	3	male	18	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
676	0	3	male	24.5	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
677	1	3	female	18	0	0	9.8417	S	Third	woman	FALSE		Southampton	yes	TRUE
678	0	3	female	43	1	6	46.9	S	Third	woman	FALSE		Southampton	no	FALSE
679	1	1	male	36	0	1	512.3292	C	First	man	TRUE	B	Cherbourg	yes	FALSE
680	0	3	female		0	0	8.1375	Q	Third	woman	FALSE		Queenstown	no	TRUE
681	1	1	male	27	0	0	76.7292	C	First	man	TRUE	D	Cherbourg	yes	TRUE
682	0	3	male	20	0	0	9.225	S	Third	man	TRUE		Southampton	no	TRUE
683	0	3	male	14	5	2	46.9	S	Third	child	FALSE		Southampton	no	FALSE
684	0	2	male	60	1	1	39	S	Second	man	TRUE		Southampton	no	FALSE
685	0	2	male	25	1	2	41.5792	C	Second	man	TRUE		Cherbourg	no	FALSE
686	0	3	male	14	4	1	39.6875	S	Third	child	FALSE		Southampton	no	FALSE
687	0	3	male	19	0	0	10.1708	S	Third	man	TRUE		Southampton	no	TRUE
688	0	3	male	18	0	0	7.7958	S	Third	man	TRUE		Southampton	no	TRUE
689	1	1	female	15	0	1	211.3375	S	First	child	FALSE	B	Southampton	yes	FALSE
690	1	1	male	31	1	0	57	S	First	man	TRUE	B	Southampton	yes	FALSE
691	1	3	female	4	0	1	13.4167	C	Third	child	FALSE		Cherbourg	yes	FALSE
692	1	3	male		0	0	56.4958	S	Third	man	TRUE		Southampton	yes	TRUE
693	0	3	male	25	0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
694	0	1	male	60	0	0	26.55	S	First	man	TRUE		Southampton	no	TRUE
695	0	2	male	52	0	0	13.5	S	Second	man	TRUE		Southampton	no	TRUE
696	0	3	male	44	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
697	1	3	female		0	0	7.7333	Q	Third	woman	FALSE		Queenstown	yes	TRUE
698	0	1	male	49	1	1	110.8833	C	First	man	TRUE	C	Cherbourg	no	FALSE
699	0	3	male	42	0	0	7.65	S	Third	man	TRUE	F	Southampton	no	TRUE
700	1	1	female	18	1	0	227.525	C	First	woman	FALSE	C	Cherbourg	yes	FALSE
701	1	1	male	35	0	0	26.2875	S	First	man	TRUE	E	Southampton	yes	TRUE
702	0	3	female	18	0	1	14.4542	C	Third	woman	FALSE		Cherbourg	no	FALSE
703	0	3	male	25	0	0	7.7417	Q	Third	man	TRUE		Queenstown	no	TRUE
704	0	3	male	26	1	0	7.8542	S	Third	man	TRUE		Southampton	no	FALSE
705	0	2	male	39	0	0	26	S	Second	man	TRUE		Southampton	no	TRUE
706	1	2	female	45	0	0	13.5	S	Second	woman	FALSE		Southampton	yes	TRUE
707	1	1	male	42	0	0	26.2875	S	First	man	TRUE	E	Southampton	yes	TRUE
708	1	1	female	22	0	0	151.55	S	First	woman	FALSE		Southampton	yes	TRUE
709	1	3	male		1	1	15.2458	C	Third	man	TRUE		Cherbourg	yes	FALSE
710	1	1	female	24	0	0	49.5042	C	First	woman	FALSE	C	Cherbourg	yes	TRUE
711	0	1	male		0	0	26.55	S	First	man	TRUE	C	Southampton	no	TRUE
712	1	1	male	48	1	0	52	S	First	man	TRUE	C	Southampton	yes	FALSE
713	0	3	male	29	0	0	9.4833	S	Third	man	TRUE		Southampton	no	TRUE
714	0	2	male	52	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
715	0	3	male	19	0	0	7.65	S	Third	man	TRUE	F	Southampton	no	TRUE
716	1	1	female	38	0	0	227.525	C	First	woman	FALSE	C	Cherbourg	yes	TRUE
717	1	2	female	27	0	0	10.5	S	Second	woman	FALSE	E	Southampton	yes	TRUE
718	0	3	male		0	0	15.5	Q	Third	man	TRUE		Queenstown	no	TRUE
719	0	3	male	33	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
720	1	2	female	6	0	1	33	S	Second	child	FALSE		Southampton	yes	FALSE
721	0	3	male	17	1	0	7.0542	S	Third	man	TRUE		Southampton	no	FALSE
722	0	2	male	34	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
723	0	2	male	50	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
724	1	1	male	27	1	0	53.1	S	First	man	TRUE	E	Southampton	yes	FALSE
725	0	3	male	20	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
726	1	2	female	30	3	0	21	S	Second	woman	FALSE		Southampton	yes	FALSE
727	1	3	female		0	0	7.7375	Q	Third	woman	FALSE		Queenstown	yes	TRUE
728	0	2	male	25	1	0	26	S	Second	man	TRUE		Southampton	no	FALSE
729	0	3	female	25	1	0	7.925	S	Third	woman	FALSE		Southampton	no	FALSE
730	1	1	female	29	0	0	211.3375	S	First	woman	FALSE	B	Southampton	yes	TRUE
731	0	3	male	11	0	0	18.7875	C	Third	child	FALSE		Cherbourg	no	TRUE
732	0	2	male		0	0	0	S	Second	man	TRUE		Southampton	no	TRUE
733	0	2	male	23	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
734	0	2	male	23	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
735	0	3	male	28.5	0	0	16.1	S	Third	man	TRUE		Southampton	no	TRUE
736	0	3	female	48	1	3	34.375	S	Third	woman	FALSE		Southampton	no	FALSE
737	1	1	male	35	0	0	512.3292	C	First	man	TRUE	B	Cherbourg	yes	TRUE
738	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
739	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
740	1	1	male		0	0	30	S	First	man	TRUE	D	Southampton	yes	TRUE
741	0	1	male	36	1	0	78.85	S	First	man	TRUE	C	Southampton	no	FALSE
742	1	1	female	21	2	2	262.375	C	First	woman	FALSE	B	Cherbourg	yes	FALSE
743	0	3	male	24	1	0	16.1	S	Third	man	TRUE		Southampton	no	FALSE
744	1	3	male	31	0	0	7.925	S	Third	man	TRUE		Southampton	yes	TRUE
745	0	1	male	70	1	1	71	S	First	man	TRUE	B	Southampton	no	FALSE
746	0	3	male	16	1	1	20.25	S	Third	man	TRUE		Southampton	no	FALSE
747	1	2	female	30	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
748	0	1	male	19	1	0	53.1	S	First	man	TRUE	D	Southampton	no	FALSE
749	0	3	male	31	0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
750	1	2	female	4	1	1	23	S	Second	child	FALSE		Southampton	yes	FALSE
751	1	3	male	6	0	1	12.475	S	Third	child	FALSE	E	Southampton	yes	FALSE
752	0	3	male	33	0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
753	0	3	male	23	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
754	1	2	female	48	1	2	65	S	Second	woman	FALSE		Southampton	yes	FALSE
755	1	2	male	0.67	1	1	14.5	S	Second	child	FALSE		Southampton	yes	FALSE
756	0	3	male	28	0	0	7.7958	S	Third	man	TRUE		Southampton	no	TRUE
757	0	2	male	18	0	0	11.5	S	Second	man	TRUE		Southampton	no	TRUE
758	0	3	male	34	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
759	1	1	female	33	0	0	86.5	S	First	woman	FALSE	B	Southampton	yes	TRUE
760	0	3	male		0	0	14.5	S	Third	man	TRUE		Southampton	no	TRUE
761	0	3	male	41	0	0	7.125	S	Third	man	TRUE		Southampton	no	TRUE
762	1	3	male	20	0	0	7.2292	C	Third	man	TRUE		Cherbourg	yes	TRUE
763	1	1	female	36	1	2	120	S	First	woman	FALSE	B	Southampton	yes	FALSE
764	0	3	male	16	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
765	1	1	female	51	1	0	77.9583	S	First	woman	FALSE	D	Southampton	yes	FALSE
766	0	1	male		0	0	39.6	C	First	man	TRUE		Cherbourg	no	TRUE
767	0	3	female	30.5	0	0	7.75	Q	Third	woman	FALSE		Queenstown	no	TRUE
768	0	3	male		1	0	24.15	Q	Third	man	TRUE		Queenstown	no	FALSE
769	0	3	male	32	0	0	8.3625	S	Third	man	TRUE		Southampton	no	TRUE
770	0	3	male	24	0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
771	0	3	male	48	0	0	7.8542	S	Third	man	TRUE		Southampton	no	TRUE
772	0	2	female	57	0	0	10.5	S	Second	woman	FALSE	E	Southampton	no	TRUE
773	0	3	male		0	0	7.225	C	Third	man	TRUE		Cherbourg	no	TRUE
774	1	2	female	54	1	3	23	S	Second	woman	FALSE		Southampton	yes	FALSE
775	0	3	male	18	0	0	7.75	S	Third	man	TRUE		Southampton	no	TRUE
776	0	3	male		0	0	7.75	Q	Third	man	TRUE	F	Queenstown	no	TRUE
777	1	3	female	5	0	0	12.475	S	Third	child	FALSE		Southampton	yes	TRUE
778	0	3	male		0	0	7.7375	Q	Third	man	TRUE		Queenstown	no	TRUE
779	1	1	female	43	0	1	211.3375	S	First	woman	FALSE	B	Southampton	yes	FALSE
780	1	3	female	13	0	0	7.2292	C	Third	child	FALSE		Cherbourg	yes	TRUE
781	1	1	female	17	1	0	57	S	First	woman	FALSE	B	Southampton	yes	FALSE
782	0	1	male	29	0	0	30	S	First	man	TRUE	D	Southampton	no	TRUE
783	0	3	male		1	2	23.45	S	Third	man	TRUE		Southampton	no	FALSE
784	0	3	male	25	0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
785	0	3	male	25	0	0	7.25	S	Third	man	TRUE		Southampton	no	TRUE
786	1	3	female	18	0	0	7.4958	S	Third	woman	FALSE		Southampton	yes	TRUE
787	0	3	male	8	4	1	29.125	Q	Third	child	FALSE		Queenstown	no	FALSE
788	1	3	male	1	1	2	20.575	S	Third	child	FALSE		Southampton	yes	FALSE
789	0	1	male	46	0	0	79.2	C	First	man	TRUE	B	Cherbourg	no	TRUE
790	0	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE
791	0	2	male	16	0	0	26	S	Second	man	TRUE		Southampton	no	TRUE
792	0	3	female		8	2	69.55	S	Third	woman	FALSE		Southampton	no	FALSE
793	0	1	male		0	0	30.6958	C	First	man	TRUE		Cherbourg	no	TRUE
794	0	3	male	25	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
795	0	2	male	39	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
796	1	1	female	49	0	0	25.9292	S	First	woman	FALSE	D	Southampton	yes	TRUE
797	1	3	female	31	0	0	8.6833	S	Third	woman	FALSE		Southampton	yes	TRUE
798	0	3	male	30	0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
799	0	3	female	30	1	1	24.15	S	Third	woman	FALSE		Southampton	no	FALSE
800	0	2	male	34	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
801	1	2	female	31	1	1	26.25	S	Second	woman	FALSE		Southampton	yes	FALSE
802	1	1	male	11	1	2	120	S	First	child	FALSE	B	Southampton	yes	FALSE
803	1	3	male	0.42	0	1	8.5167	C	Third	child	FALSE		Cherbourg	yes	FALSE
804	1	3	male	27	0	0	6.975	S	Third	man	TRUE		Southampton	yes	TRUE
805	0	3	male	31	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
806	0	1	male	39	0	0	0	S	First	man	TRUE	A	Southampton	no	TRUE
807	0	3	female	18	0	0	7.775	S	Third	woman	FALSE		Southampton	no	TRUE
808	0	2	male	39	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
809	1	1	female	33	1	0	53.1	S	First	woman	FALSE	E	Southampton	yes	FALSE
810	0	3	male	26	0	0	7.8875	S	Third	man	TRUE		Southampton	no	TRUE
811	0	3	male	39	0	0	24.15	S	Third	man	TRUE		Southampton	no	TRUE
812	0	2	male	35	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
813	0	3	female	6	4	2	31.275	S	Third	child	FALSE		Southampton	no	FALSE
814	0	3	male	30.5	0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
815	0	1	male		0	0	0	S	First	man	TRUE	B	Southampton	no	TRUE
816	0	3	female	23	0	0	7.925	S	Third	woman	FALSE		Southampton	no	TRUE
817	0	2	male	31	1	1	37.0042	C	Second	man	TRUE		Cherbourg	no	FALSE
818	0	3	male	43	0	0	6.45	S	Third	man	TRUE		Southampton	no	TRUE
819	0	3	male	10	3	2	27.9	S	Third	child	FALSE		Southampton	no	FALSE
820	1	1	female	52	1	1	93.5	S	First	woman	FALSE	B	Southampton	yes	FALSE
821	1	3	male	27	0	0	8.6625	S	Third	man	TRUE		Southampton	yes	TRUE
822	0	1	male	38	0	0	0	S	First	man	TRUE		Southampton	no	TRUE
823	1	3	female	27	0	1	12.475	S	Third	woman	FALSE	E	Southampton	yes	FALSE
824	0	3	male	2	4	1	39.6875	S	Third	child	FALSE		Southampton	no	FALSE
825	0	3	male		0	0	6.95	Q	Third	man	TRUE		Queenstown	no	TRUE
826	0	3	male		0	0	56.4958	S	Third	man	TRUE		Southampton	no	TRUE
827	1	2	male	1	0	2	37.0042	C	Second	child	FALSE		Cherbourg	yes	FALSE
828	1	3	male		0	0	7.75	Q	Third	man	TRUE		Queenstown	yes	TRUE
829	1	1	female	62	0	0	80		First	woman	FALSE	B		yes	TRUE
830	1	3	female	15	1	0	14.4542	C	Third	child	FALSE		Cherbourg	yes	FALSE
831	1	2	male	0.83	1	1	18.75	S	Second	child	FALSE		Southampton	yes	FALSE
832	0	3	male		0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
833	0	3	male	23	0	0	7.8542	S	Third	man	TRUE		Southampton	no	TRUE
834	0	3	male	18	0	0	8.3	S	Third	man	TRUE		Southampton	no	TRUE
835	1	1	female	39	1	1	83.1583	C	First	woman	FALSE	E	Cherbourg	yes	FALSE
836	0	3	male	21	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
837	0	3	male		0	0	8.05	S	Third	man	TRUE		Southampton	no	TRUE
838	1	3	male	32	0	0	56.4958	S	Third	man	TRUE		Southampton	yes	TRUE
839	1	1	male		0	0	29.7	C	First	man	TRUE	C	Cherbourg	yes	TRUE
840	0	3	male	20	0	0	7.925	S	Third	man	TRUE		Southampton	no	TRUE
841	0	2	male	16	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
842	1	1	female	30	0	0	31	C	First	woman	FALSE		Cherbourg	yes	TRUE
843	0	3	male	34.5	0	0	6.4375	C	Third	man	TRUE		Cherbourg	no	TRUE
844	0	3	male	17	0	0	8.6625	S	Third	man	TRUE		Southampton	no	TRUE
845	0	3	male	42	0	0	7.55	S	Third	man	TRUE		Southampton	no	TRUE
846	0	3	male		8	2	69.55	S	Third	man	TRUE		Southampton	no	FALSE
847	0	3	male	35	0	0	7.8958	C	Third	man	TRUE		Cherbourg	no	TRUE
848	0	2	male	28	0	1	33	S	Second	man	TRUE		Southampton	no	FALSE
849	1	1	female		1	0	89.1042	C	First	woman	FALSE	C	Cherbourg	yes	FALSE
850	0	3	male	4	4	2	31.275	S	Third	child	FALSE		Southampton	no	FALSE
851	0	3	male	74	0	0	7.775	S	Third	man	TRUE		Southampton	no	TRUE
852	0	3	female	9	1	1	15.2458	C	Third	child	FALSE		Cherbourg	no	FALSE
853	1	1	female	16	0	1	39.4	S	First	woman	FALSE	D	Southampton	yes	FALSE
854	0	2	female	44	1	0	26	S	Second	woman	FALSE		Southampton	no	FALSE
855	1	3	female	18	0	1	9.35	S	Third	woman	FALSE		Southampton	yes	FALSE
856	1	1	female	45	1	1	164.8667	S	First	woman	FALSE		Southampton	yes	FALSE
857	1	1	male	51	0	0	26.55	S	First	man	TRUE	E	Southampton	yes	TRUE
858	1	3	female	24	0	3	19.2583	C	Third	woman	FALSE		Cherbourg	yes	FALSE
859	0	3	male		0	0	7.2292	C	Third	man	TRUE		Cherbourg	no	TRUE
860	0	3	male	41	2	0	14.1083	S	Third	man	TRUE		Southampton	no	FALSE
861	0	2	male	21	1	0	11.5	S	Second	man	TRUE		Southampton	no	FALSE
862	1	1	female	48	0	0	25.9292	S	First	woman	FALSE	D	Southampton	yes	TRUE
863	0	3	female		8	2	69.55	S	Third	woman	FALSE		Southampton	no	FALSE
864	0	2	male	24	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
865	1	2	female	42	0	0	13	S	Second	woman	FALSE		Southampton	yes	TRUE
866	1	2	female	27	1	0	13.8583	C	Second	woman	FALSE		Cherbourg	yes	FALSE
867	0	1	male	31	0	0	50.4958	S	First	man	TRUE	A	Southampton	no	TRUE
868	0	3	male		0	0	9.5	S	Third	man	TRUE		Southampton	no	TRUE
869	1	3	male	4	1	1	11.1333	S	Third	child	FALSE		Southampton	yes	FALSE
870	0	3	male	26	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
871	1	1	female	47	1	1	52.5542	S	First	woman	FALSE	D	Southampton	yes	FALSE
872	0	1	male	33	0	0	5	S	First	man	TRUE	B	Southampton	no	TRUE
873	0	3	male	47	0	0	9	S	Third	man	TRUE		Southampton	no	TRUE
874	1	2	female	28	1	0	24	C	Second	woman	FALSE		Cherbourg	yes	FALSE
875	1	3	female	15	0	0	7.225	C	Third	child	FALSE		Cherbourg	yes	TRUE
876	0	3	male	20	0	0	9.8458	S	Third	man	TRUE		Southampton	no	TRUE
877	0	3	male	19	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
878	0	3	male		0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
879	1	1	female	56	0	1	83.1583	C	First	woman	FALSE	C	Cherbourg	yes	FALSE
880	1	2	female	25	0	1	26	S	Second	woman	FALSE		Southampton	yes	FALSE
881	0	3	male	33	0	0	7.8958	S	Third	man	TRUE		Southampton	no	TRUE
882	0	3	female	22	0	0	10.5167	S	Third	woman	FALSE		Southampton	no	TRUE
883	0	2	male	28	0	0	10.5	S	Second	man	TRUE		Southampton	no	TRUE
884	0	3	male	25	0	0	7.05	S	Third	man	TRUE		Southampton	no	TRUE
885	0	3	female	39	0	5	29.125	Q	Third	woman	FALSE		Queenstown	no	FALSE
886	0	2	male	27	0	0	13	S	Second	man	TRUE		Southampton	no	TRUE
887	1	1	female	19	0	0	30	S	First	woman	FALSE	B	Southampton	yes	TRUE
888	0	3	female		1	2	23.45	S	Third	woman	FALSE		Southampton	no	FALSE
889	1	1	male	26	0	0	30	C	First	man	TRUE	C	Cherbourg	yes	TRUE
890	0	3	male	32	0	0	7.75	Q	Third	man	TRUE		Queenstown	no	TRUE

 

MATLAB

function main_plot1
close all
x=1e-1:0.1:7;
y1=sin(x);
y2=cos(x);
y3=log(x);
subplot(2,3,1);
h1=plot(x,y1,'^:');
%'YGrid','on',...
set(gca,'LineWidth', 1.0000,...
    'XLim',[-0.5 7.5],...
    'XTick',[0 2 4 6 7],...
    'XTickLabel',[0 2 4 6 7],...
    'YLim',[-1.5 1.5],...
    'YTick',[-1 0 1 ],...
    'YTickLabel',[-1 0 1])
%get(h1)
set(h1,'Color', [1 1 1],...
     'LineWidth', 1.5000,...
     'MarkerEdgeColor', [0.8 0.4 0.9],...
     'MarkerFaceColor',[1,1,0],...
      'MarkerSize', 8);
xh = xlabel('x')
set(xh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
yh=ylabel('y')
set(yh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
lh = legend('y=sin(x)')
%get(lh)
set(lh,'Box', 'off',...
    'Color',[1 1 1],...
    'FontSize',8.00,...
    'FontWeight','bold',...
    'LineWidth',0.5)
ht=title('正弦函数');
% get(ht)
% set(ht,'BackgroundColor' ,[0,0,0],...
%     'Color',[1,0,0],...
%     'EdgeColor',[1,1,1]);


subplot(2,3,2);
h2=plot(x,y2,'h:');
%'YGrid','on',...
set(gca,'LineWidth', 1.0000,...
    'XLim',[-0.5 7.5],...
    'XTick',[0 2 4 6 7],...
    'XTickLabel',[0 2 4 6 7],...
    'YLim',[-1.5 1.5],...
    'YTick',[-1 0 1 ],...
    'YTickLabel',[-1 0 1])
%get(h1)
set(h2,'Color', [1 1 1],...
     'LineWidth', 1.5000,...
     'MarkerEdgeColor', [0 1 1],...
     'MarkerFaceColor',[1,1,0],...
      'MarkerSize', 8);
xh = xlabel('x')
set(xh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
yh=ylabel('y')
set(yh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
lh1 = legend('y=cos(x)')
%get(lh)
set(lh1,'Box', 'off',...
    'Color',[1 1 1],...
    'FontSize',8.00,...
    'FontWeight','bold',...
    'LineWidth',0.5)
ht=title('余弦函数');

subplot(2,3,3);
h3=plot(x,y3,'p-.');
%'YGrid','on',...
set(gca,'LineWidth', 1.0000,...
    'XLim',[-0.5 7.5],...
    'XTick',[0 2 4 6 7],...
    'XTickLabel',[0 2 4 6 7],...
    'YLim',[-3 2.3],...
    'YTick',[-2 -1 0 1 2 3],...
    'YTickLabel',[-2 -1 0 1 2 3])
%get(h1)
set(h3,'Color', [1 1 1],...
     'LineWidth', 1.5000,...
     'MarkerEdgeColor', [0.3010 0.7450 0.9330],...
     'MarkerFaceColor',[1,1,0],...
      'MarkerSize', 8);
xh = xlabel('x')
set(xh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
yh=ylabel('y')
set(yh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
lh3 = legend('y=log(x)')
%get(lh)
set(lh3,'Box', 'off',...
    'Color',[1 1 1],...
    'FontSize',8.00,...
    'FontWeight','bold',...
    'LineWidth',0.5)
ht=title('对数函数');


subplot(2,3,[4,5,6]);
h1=plot(x,y1,'^:');
%'YGrid','on',...
set(gca,'LineWidth', 1.0000,...
    'XLim',[-0.5 7.5],...
    'XTick',[0 2 4 6 7],...
    'XTickLabel',[0 2 4 6 7],...
    'YLim',[-1.5 1.5],...
    'YTick',[-1 0 1 ],...
    'YTickLabel',[-1 0 1])
%get(h1)
set(h1,'Color', [1 1 1],...
     'LineWidth', 1.5000,...
     'MarkerEdgeColor', [0.8 0.4 0.9],...
     'MarkerFaceColor',[1,1,0],...
      'MarkerSize', 8);
xh = xlabel('x')
set(xh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
yh=ylabel('y')
set(yh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
lh = legend('y=sin(x)')
%get(lh)
set(lh,'Box', 'off',...
    'Color',[1 1 1],...
    'FontSize',8.00,...
    'FontWeight','bold',...
    'LineWidth',0.5)
ht=title('正弦函数');

hold on
h2=plot(x,y2,'h:');
%'YGrid','on',...
set(gca,'LineWidth', 1.0000,...
    'XLim',[-0.5 7.5],...
    'XTick',[0 2 4 6 7],...
    'XTickLabel',[0 2 4 6 7],...
    'YLim',[-1.5 1.5],...
    'YTick',[-1 0 1 ],...
    'YTickLabel',[-1 0 1])
%get(h1)
set(h2,'Color', [1 1 1],...
     'LineWidth', 1.5000,...
     'MarkerEdgeColor', [0 1 1],...
     'MarkerFaceColor',[1,1,0],...
      'MarkerSize', 8);
xh = xlabel('x')
set(xh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
yh=ylabel('y')
set(yh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
lh2 = legend('y=cos(x)')
%get(lh)
set(lh2,'Box', 'off',...
    'Color',[1 1 1],...
    'FontSize',8.00,...
    'FontWeight','bold',...
    'LineWidth',0.5)
ht=title('余弦函数');

h3=plot(x,y3,'p-.');
%'YGrid','on',...
set(gca,'LineWidth', 1.0000,...
    'XLim',[-0.5 7.5],...
    'XTick',[0 2 4 6 7],...
    'XTickLabel',[0 2 4 6 7],...
    'YLim',[-3 2.3],...
    'YTick',[-2 -1 0 1 2 3],...
    'YTickLabel',[-2 -1 0 1 2 3])
%get(h1)
set(h3,'Color', [1 1 1],...
     'LineWidth', 1.5000,...
     'MarkerEdgeColor', [0.3010 0.7450 0.9330],...
     'MarkerFaceColor',[1,1,0],...
      'MarkerSize', 8);
xh = xlabel('x')
set(xh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
yh=ylabel('y')
set(yh,'Color', [0.0500 0.0500 0.050],'FontSize', 10,'FontWeight', 'bold','LineWidth', 1.0)
lh3 = legend('y=sin(x)','y=cos(x)','y=log(x)')
%get(lh)
set(lh3,'Box', 'off',...
    'Color',[1 1 1],...
    'FontSize',8.00,...
    'FontWeight','bold',...
    'NumColumns', 3,...
    'LineWidth',0.5)
%ht=title('对数函数');

get(gcf)
set(gcf,'Color', [1 1 1])    
close all

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 1
    评论
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值