├── classification
├── README.md
├── svm.py
├── .gitignore
├── util.py
├── titanic_test.csv
└── titanic_train.csv
├── clustering
├── clusters.png
├── README.md
├── tututils.py
└── Clustering and Latent Variable Models.ipynb
├── Intro and PCA
├── requirements.txt
├── README.md
└── sample-clusters.csv
├── Linear Regression
├── README.md
├── cars_stopping_dist.npz
└── LICENSE
├── Dependency checker.ipynb
├── README.md
├── .gitignore
└── LICENSE
/classification/README.md:
--------------------------------------------------------------------------------
1 | mlss_classification
2 | ===================
3 |
--------------------------------------------------------------------------------
/clustering/clusters.png:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/NICTA/MLSS/HEAD/clustering/clusters.png
--------------------------------------------------------------------------------
/Intro and PCA/requirements.txt:
--------------------------------------------------------------------------------
1 | scikit-learn
2 | numpy
3 | matplotlib
4 | scipy
5 | ipython[all]
6 |
--------------------------------------------------------------------------------
/Linear Regression/README.md:
--------------------------------------------------------------------------------
1 | # linearRegressionTutorial
2 | Linear Regression Tutorial in iPython Notebook
3 |
--------------------------------------------------------------------------------
/Linear Regression/cars_stopping_dist.npz:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/NICTA/MLSS/HEAD/Linear Regression/cars_stopping_dist.npz
--------------------------------------------------------------------------------
/classification/svm.py:
--------------------------------------------------------------------------------
1 | import numpy as np
2 | from sklearn import svm
3 | from sklearn.cross_validation import KFold
4 |
5 | import util
6 |
7 | X, Y = util.load_data()
8 |
9 | Xd = X - np.mean(X,axis=0)
10 | Xs = (Xd/np.std(Xd,axis=0))
11 | Xw = np.dot(Xd, util.whitening_matrix(Xd))
12 |
13 | # >>> kf = KFold(4, n_folds=2, shuffle=True)
14 | # >>> for train, test in kf:
15 |
16 | # fit the model
17 | clf = svm.NuSVC()
18 | clf.fit(Xw, Y)
19 |
20 | query = util.plot_svm(Xw, Y, clf, 0, 1, (-3,-3), (3,3), (500,500))
21 |
22 |
23 |
--------------------------------------------------------------------------------
/classification/.gitignore:
--------------------------------------------------------------------------------
1 | # Byte-compiled / optimized / DLL files
2 | __pycache__/
3 | *.py[cod]
4 |
5 | # C extensions
6 | *.so
7 |
8 | # Distribution / packaging
9 | .Python
10 | env/
11 | bin/
12 | build/
13 | develop-eggs/
14 | dist/
15 | eggs/
16 | lib/
17 | lib64/
18 | parts/
19 | sdist/
20 | var/
21 | *.egg-info/
22 | .installed.cfg
23 | *.egg
24 |
25 | # Installer logs
26 | pip-log.txt
27 | pip-delete-this-directory.txt
28 |
29 | # Unit test / coverage reports
30 | htmlcov/
31 | .tox/
32 | .coverage
33 | .cache
34 | nosetests.xml
35 | coverage.xml
36 |
37 | # Translations
38 | *.mo
39 |
40 | # Mr Developer
41 | .mr.developer.cfg
42 | .project
43 | .pydevproject
44 |
45 | # Rope
46 | .ropeproject
47 |
48 | # Django stuff:
49 | *.log
50 | *.pot
51 |
52 | # Sphinx documentation
53 | docs/_build/
54 |
55 | .ipynb_checkpoints
56 |
--------------------------------------------------------------------------------
/clustering/README.md:
--------------------------------------------------------------------------------
1 | #Clustering and Latent Variable Models Tutorial for MLSS 2015
2 |
3 | **Authors**: [Daniel Steinberg](http://www.daniel-steinberg.info/) & [Brian Thorne](http://hardbyte.bitbucket.org/)
4 |
5 | **Institute**: [NICTA](https://www.nicta.com.au/)
6 |
7 | The main tutorial notebook is the file `Clustering and Latent Variable
8 | Models.ipynb`, and the worked solutions can be found in the file `Clustering
9 | and Latent Variable Models - SOLUTIONS.ipynb`.
10 |
11 | You can view the solutions online [here at nbviewer](http://nbviewer.ipython.org/github/NICTA/MLSS/blob/master/clustering/Clustering%20and%20Latent%20Variable%20Models%20-%20SOLUTIONS.ipynb).
12 |
13 | ## File manifest
14 | * `Clustering and Latent Variable Models.ipynb` - the tutorial
15 | * `Clustering and Latent Variable Models - SOLUTIONS.ipynb` - solutions
16 | * `kmeans-image.ipynb` - image compression example
17 | * `tututils.py` - data generation and plotting utilities for the tutorial
18 |
19 | ## Dependencies
20 | * scikit-learn
21 | * numpy
22 | * matplotlib
23 | * scipy
24 | * ipython[all]
25 | * lda (this may also require pbr)
26 | * Pillow
27 |
--------------------------------------------------------------------------------
/Dependency checker.ipynb:
--------------------------------------------------------------------------------
1 | {
2 | "metadata": {
3 | "name": "",
4 | "signature": "sha256:589fdba333971308108be52102372cc37ac7acc894b57d037e514d0e5c17ec73"
5 | },
6 | "nbformat": 3,
7 | "nbformat_minor": 0,
8 | "worksheets": [
9 | {
10 | "cells": [
11 | {
12 | "cell_type": "markdown",
13 | "metadata": {},
14 | "source": [
15 | "# Check your system for the base python packages required for MLSS 2015\n",
16 | "\n",
17 | "Please run the following cell and it will tell you if your python environment can find all of the required packages."
18 | ]
19 | },
20 | {
21 | "cell_type": "code",
22 | "collapsed": false,
23 | "input": [
24 | "import imp\n",
25 | "\n",
26 | "packages = ['numpy',\n",
27 | " 'scipy',\n",
28 | " 'matplotlib',\n",
29 | " 'pandas',\n",
30 | " 'sklearn']\n",
31 | "\n",
32 | "for pac in packages:\n",
33 | " try:\n",
34 | " imp.find_module(pac)\n",
35 | " print(\"{}: Ok!\".format(pac))\n",
36 | " except ImportError as e:\n",
37 | " print(\"{}: Error -- {}\".format(pac, e))"
38 | ],
39 | "language": "python",
40 | "metadata": {},
41 | "outputs": [
42 | {
43 | "output_type": "stream",
44 | "stream": "stdout",
45 | "text": [
46 | "numpy: Ok!\n",
47 | "scipy: Ok!\n",
48 | "matplotlib: Ok!\n",
49 | "pandas: Error -- No module named pandas\n",
50 | "sklearn: Ok!\n"
51 | ]
52 | }
53 | ],
54 | "prompt_number": 1
55 | },
56 | {
57 | "cell_type": "code",
58 | "collapsed": false,
59 | "input": [],
60 | "language": "python",
61 | "metadata": {},
62 | "outputs": []
63 | }
64 | ],
65 | "metadata": {}
66 | }
67 | ]
68 | }
--------------------------------------------------------------------------------
/README.md:
--------------------------------------------------------------------------------
1 | # MLSS 2015 NICTA Labs
2 | A collection of labs for the 2015 Machine Learning Summer School from NICTA
3 | authored by:
4 |
5 | * Finn Lattimore
6 | * Lachlan McCalman
7 | * Simon O'Callaghan
8 | * Alistair Reid
9 | * Daniel Steinberg
10 | * Brian Thorne
11 | * John Vial
12 |
13 | The labs are all self contained in [ipython
14 | notebooks](http://ipython.org/notebook.html) which are python environments that
15 | are locally hosted within a browser. Both the instructions and the code input
16 | cells are in the notebook, and so all you need to do to complete a lab is to
17 | open the corresponding notebook in the directory where you have downloaded the
18 | tutorials, and then work through the exercises in your browser.
19 |
20 | This repository contains the first four labs for MLSS 2015 Syndey:
21 |
22 | 1. [Introduction to Python and PCA](https://github.com/NICTA/MLSS/tree/master/Intro%20and%20PCA)
23 | 2. [Linear Regression](https://github.com/NICTA/MLSS/tree/master/Linear%20Regression)
24 | 3. [Classification](https://github.com/NICTA/MLSS/tree/master/classification)
25 | 4. [Clustering and Latent Variable Models](https://github.com/NICTA/MLSS/tree/master/clustering)
26 |
27 | You can find the general lab instructions [here](http://tinyurl.com/m62udcy),
28 | as well as how to set up your python environment.
29 |
30 |
31 | ## Preview and Solutions
32 |
33 | You can preview all of the lab solutions here:
34 |
35 | 1. [Introduction to Python and PCA](http://nbviewer.ipython.org/github/NICTA/MLSS/blob/master/Intro%20and%20PCA/Intro%20to%20python%20Answers.ipynb)
36 | 2. [Linear Regression](http://nbviewer.ipython.org/github/NICTA/MLSS/blob/master/Linear%20Regression/linearRegressionAnswers.ipynb)
37 | 3. [Classification](http://nbviewer.ipython.org/github/NICTA/MLSS/blob/master/classification/Classification_solutions.ipynb)
38 | 4. [Clustering and Latent Variable Models](http://nbviewer.ipython.org/github/NICTA/MLSS/blob/master/clustering/Clustering%20and%20Latent%20Variable%20Models%20-%20SOLUTIONS.ipynb)
39 |
40 |
41 | ## Dependencies
42 |
43 | General:
44 | * scikit-learn
45 | * numpy
46 | * matplotlib
47 | * scipy
48 | * ipython[all]
49 |
50 | The above can all be checked using the `Dependency checker.ipynb` script in this repo. Optionally for the clustering lab:
51 | * lda (may require you to also pull down pbr)
52 | * Pillow
53 |
--------------------------------------------------------------------------------
/clustering/tututils.py:
--------------------------------------------------------------------------------
1 | from pylab import *
2 | import matplotlib.cm as cm
3 | import numpy as np
4 | import scipy.linalg as la
5 | from scipy.stats import chi2
6 | from scipy.spatial import Voronoi, voronoi_plot_2d
7 | from sklearn.datasets import make_blobs
8 |
9 |
10 | def plot_2d_clusters(X, labels, centers):
11 | """
12 | Given an observation array, a label vector, and the location of the centers
13 | plot the clusters
14 | """
15 |
16 | clabels = set(labels)
17 | K = len(clabels)
18 |
19 | if len(centers) != K:
20 | raise ValueError("Expecting the number of unique labels and centres to"
21 | " be the same!")
22 |
23 | # Plot the true clusters
24 | figure(figsize=(10, 10))
25 | ax = gca()
26 |
27 | vor = Voronoi(centers)
28 |
29 | voronoi_plot_2d(vor, ax)
30 |
31 | colors = cm.hsv(np.arange(K)/float(K))
32 | for k, col in enumerate(colors):
33 | my_members = labels == k
34 | scatter(X[my_members, 0], X[my_members, 1], c=col, marker='o', s=20)
35 |
36 | for k, col in enumerate(colors):
37 | cluster_center = centers[k]
38 | scatter(cluster_center[0], cluster_center[1], c=col, marker='o', s=200)
39 |
40 | axis('tight')
41 | axis('equal')
42 | title('Clusters')
43 |
44 |
45 | def plot_2d_GMMs(X, labels, means, covs, percentcontour=0.66, npoints=30):
46 | """
47 | Given an observation array, a label vector (integer values), and GMM mean
48 | and covariance parameters, plot the clusters and parameters.
49 | """
50 |
51 | clabels = set(labels)
52 | K = len(clabels)
53 |
54 | if len(means) != len(covs) != K:
55 | raise ValueError("Expecting the number of unique labels, means and"
56 | "covariances to be the same!")
57 |
58 | phi = np.linspace(-np.pi, np.pi, npoints)
59 |
60 | circle = np.array([np.sin(phi), np.cos(phi)]).T
61 |
62 | figure(figsize=(10, 10))
63 | gca()
64 |
65 | colors = cm.hsv(np.arange(K)/float(K))
66 | for k, col in zip(clabels, colors):
67 |
68 | # points
69 | my_members = labels == k
70 | scatter(X[my_members, 0], X[my_members, 1], c=col, marker='o', s=20)
71 |
72 | # means
73 | cluster_center = means[k, :]
74 | scatter(cluster_center[0], cluster_center[1], c=col, marker='o', s=200)
75 |
76 | # covariance
77 | L = la.cholesky(np.array(covs[k]) * chi2.ppf(percentcontour, [3])
78 | + 1e-5 * np.eye(covs[k].shape[0]))
79 | covpoints = circle.dot(L) + means[k, :]
80 | plot(covpoints[:, 0], covpoints[:, 1], color=col, linewidth=3)
81 |
82 | axis('tight')
83 | axis('equal')
84 | title('Clusters')
85 |
86 |
87 | def load_2d_simple():
88 | """
89 | Should be easily clustered with K-Means.
90 | """
91 | centres = [[1, 1], [-0.5, 0], [1, -1]]
92 | X, labels_true = make_blobs(n_samples=1000, centers=centres,
93 | cluster_std=[[0.3, 0.3]])
94 | return X
95 |
96 |
97 | def load_2d_hard():
98 | """
99 | Returns non-isotropoic data to motivate the use of non-euclidean norms (as
100 | well as the ground truth).
101 | """
102 |
103 | centres = np.array([[3., -1.], [-2., 1.], [2., 5.]])
104 | covs = []
105 | covs.append(np.array([[4., 2.], [2., 1.5]]))
106 | covs.append(np.array([[1, -1.5], [-1.5, 3.]]))
107 | covs.append(np.array([[1., 0.], [0., 1.]]))
108 |
109 | N = [1000, 500, 300]
110 |
111 | X = [np.random.randn(n, 2).dot(la.cholesky(c, lower=True)) + m
112 | for n, m, c in zip(N, centres, covs)]
113 | X = np.vstack(X)
114 |
115 | labels = np.concatenate((np.zeros(N[0]), np.ones(N[1]), 2*np.ones(N[2])))
116 |
117 | return X, labels
118 |
--------------------------------------------------------------------------------
/Intro and PCA/README.md:
--------------------------------------------------------------------------------
1 | # Getting Started
2 |
3 | ## Download Python (2.7 or 3.4)
4 |
5 | Install the Anaconda Python distribution from [continuum.io](http://continuum.io/downloads).
6 | If you want Python 3.4 be sure to click **I WANT PYTHON 3.4**.
7 |
8 | ## Start IPython Notebook
9 |
10 | Find the Anaconda **Launcher** and launch:
11 |
12 | ipython notebook
13 |
14 | Your browser should open up to http://localhost:8888 and show your home directory.
15 | Find your way to the directory where you downloaded and unzipped the MLSS tutorials.
16 |
17 | If you run into trouble, ask one of the friendly tutors. Or start reading the notebook in
18 | readonly mode at [nbviewer.ipython.org](http://nbviewer.ipython.org/github/NICTA/MLSS/blob/master/Intro%20and%20PCA/Intro%20to%20python.ipynb)
19 |
20 | ## Begin the tutorial
21 |
22 | Open the `Intro to python.ipynb` Notebook and start working through the exercises.
23 |
24 |
25 | ## Already have Python?
26 |
27 | Just make sure you have all the requirements installed for this tutorial by running:
28 |
29 | pip install -r requirements.txt
30 |
31 | # Python Quickstart
32 |
33 | # New to Python?
34 |
35 | ## Resources
36 |
37 | - [Learn Python The Hardway](http://learnpythonthehardway.org/book/)
38 | - [Online Python Interactive Debugger](http://people.csail.mit.edu/pgbovine/python/)
39 | - [Dive into Python 3](http://getpython3.com/diveintopython3/)
40 | - [Interactive Python](http://interactivepython.org/courselib/static/thinkcspy/index.html)
41 |
42 | ## Intro to Python Cheatsheet
43 |
44 | Launch the IPython QT console and try run (and understand) these commands:
45 |
46 | ```python
47 | # This is a comment line
48 | # numbers and variables
49 | age = 26
50 | pi = 3.14159
51 |
52 | # strings and methods
53 | s = 'Hugh F Durrant-Whyte'
54 |
55 | # Strings have a method `split` which returns a list of strings split by whitespace
56 | tokens = s.split()
57 | firstName = tokens[0]
58 | middleName = tokens[1]
59 | lastName = tokens[2]
60 | s2 = firstName + ' ' + middleName + ' ' + lastName
61 |
62 | # 'if' statement - indentation matters
63 | if s == s2:
64 | print('yes the strings are equal')
65 | else:
66 | print('no')
67 |
68 | # if statements can also be inline
69 | answer = 'yes' if s == s2 else 'no'
70 |
71 | # list (mutable ordered sequence)
72 | beatles = ['John', 'Paul', 'George']
73 | beatles.append('Ringo')
74 | print(beatles)
75 | print('Ringo' in beatles)
76 |
77 |
78 | # 'for' loop - indentation matters
79 | # Note that name is defined inside the for loop
80 | for name in beatles:
81 | print('Hello ' + name)
82 |
83 | # Iterating over a range of numbers is easy
84 | # range has the following arguments (start, stop, step) where stop isn't included
85 | for number in range(2, 10, 2):
86 | print(number)
87 |
88 | # tuple (immutable ordered sequence)
89 | ages = (18, 21, 28, 21, 22, 18, 19, 34, 9)
90 |
91 | # Note you can't change the contents of a tuple
92 |
93 | # set (mutable, unordered, no duplicates)
94 | uniqueAges = set(ages)
95 | uniqueAges.add(18) # already in set, no effect
96 | uniqueAges.remove(21)
97 |
98 |
99 | # testing set membership (very fast)
100 | if 18 in uniqueAges:
101 | print('There is an 18-year-old present!')
102 |
103 | # sorting a list
104 | sorted(beatles) # returns a new sorted list
105 | beatles.sort() # in-place - changes beatles list
106 |
107 | # Sorting a set returns a list
108 | orderedUniqueAges = sorted(uniqueAges)
109 |
110 | # There is no guaranteed order when iterating over a set
111 | for thisAge in uniqueAges:
112 | print(thisAge)
113 |
114 | # Instead iterate over the sorted set:
115 | for age in sorted(uniqueAges):
116 | print(age)
117 |
118 | # dict - mapping unique keys to values
119 | netWorth = {}
120 | netWorth['Donald Trump'] = 3000000000
121 | netWorth['Bill Gates'] = 58000000000
122 | netWorth['Tom Cruise'] = 40000000
123 | netWorth['Joe Postdoc'] = 20000
124 |
125 | # Access the value associated with a key
126 | print(netWorth['Donald Trump'])
127 |
128 | # iterating over a dict gives keys
129 | for personName in netWorth:
130 | print(personName + " is worth: ", end='')
131 | print(netWorth[personName])
132 |
133 | # You can also iterate over key-value pairs:
134 | for (person, worth) in netWorth.items():
135 | if worth < 1000000:
136 | print('haha ' + person + ' is not a millionaire')
137 |
138 | # testing dict membership is the same as with a set
139 | if 'Tom Cruise' in netWorth:
140 | print('show me the money!')
141 | ```
142 |
--------------------------------------------------------------------------------
/.gitignore:
--------------------------------------------------------------------------------
1 | # Byte-compiled / optimized / DLL files
2 | __pycache__/
3 | *.py[cod]
4 |
5 | # C extensions
6 | *.so
7 |
8 | # Distribution / packaging
9 | .Python
10 | env/
11 | build/
12 | develop-eggs/
13 | dist/
14 | downloads/
15 | eggs/
16 | lib/
17 | lib64/
18 | parts/
19 | sdist/
20 | var/
21 | *.egg-info/
22 | .installed.cfg
23 | *.egg
24 |
25 | # PyInstaller
26 | # Usually these files are written by a python script from a template
27 | # before PyInstaller builds the exe, so as to inject date/other infos into it.
28 | *.manifest
29 | *.spec
30 |
31 | # Installer logs
32 | pip-log.txt
33 | pip-delete-this-directory.txt
34 |
35 | # Unit test / coverage reports
36 | htmlcov/
37 | .tox/
38 | .coverage
39 | .cache
40 | nosetests.xml
41 | coverage.xml
42 |
43 | # Translations
44 | *.mo
45 | *.pot
46 |
47 | # Django stuff:
48 | *.log
49 |
50 | # Sphinx documentation
51 | docs/_build/
52 |
53 | # PyBuilder
54 | target/
55 | =======
56 | #################
57 | ## Eclipse
58 | #################
59 |
60 | *.pydevproject
61 | .project
62 | .metadata
63 | bin/
64 | tmp/
65 | *.tmp
66 | *.bak
67 | *.swp
68 | *~.nib
69 | local.properties
70 | .classpath
71 | .settings/
72 | .loadpath
73 |
74 | # External tool builders
75 | .externalToolBuilders/
76 |
77 | # Locally stored "Eclipse launch configurations"
78 | *.launch
79 |
80 | # CDT-specific
81 | .cproject
82 |
83 | # PDT-specific
84 | .buildpath
85 |
86 |
87 | #################
88 | ## Visual Studio
89 | #################
90 |
91 | ## Ignore Visual Studio temporary files, build results, and
92 | ## files generated by popular Visual Studio add-ons.
93 |
94 | # User-specific files
95 | *.suo
96 | *.user
97 | *.sln.docstates
98 |
99 | # Build results
100 |
101 | [Dd]ebug/
102 | [Rr]elease/
103 | x64/
104 | build/
105 | [Bb]in/
106 | [Oo]bj/
107 |
108 | # MSTest test Results
109 | [Tt]est[Rr]esult*/
110 | [Bb]uild[Ll]og.*
111 |
112 | *_i.c
113 | *_p.c
114 | *.ilk
115 | *.meta
116 | *.obj
117 | *.pch
118 | *.pdb
119 | *.pgc
120 | *.pgd
121 | *.rsp
122 | *.sbr
123 | *.tlb
124 | *.tli
125 | *.tlh
126 | *.tmp
127 | *.tmp_proj
128 | *.log
129 | *.vspscc
130 | *.vssscc
131 | .builds
132 | *.pidb
133 | *.log
134 | *.scc
135 |
136 | # Visual C++ cache files
137 | ipch/
138 | *.aps
139 | *.ncb
140 | *.opensdf
141 | *.sdf
142 | *.cachefile
143 |
144 | # Visual Studio profiler
145 | *.psess
146 | *.vsp
147 | *.vspx
148 |
149 | # Guidance Automation Toolkit
150 | *.gpState
151 |
152 | # ReSharper is a .NET coding add-in
153 | _ReSharper*/
154 | *.[Rr]e[Ss]harper
155 |
156 | # TeamCity is a build add-in
157 | _TeamCity*
158 |
159 | # DotCover is a Code Coverage Tool
160 | *.dotCover
161 |
162 | # NCrunch
163 | *.ncrunch*
164 | .*crunch*.local.xml
165 |
166 | # Installshield output folder
167 | [Ee]xpress/
168 |
169 | # DocProject is a documentation generator add-in
170 | DocProject/buildhelp/
171 | DocProject/Help/*.HxT
172 | DocProject/Help/*.HxC
173 | DocProject/Help/*.hhc
174 | DocProject/Help/*.hhk
175 | DocProject/Help/*.hhp
176 | DocProject/Help/Html2
177 | DocProject/Help/html
178 |
179 | # Click-Once directory
180 | publish/
181 |
182 | # Publish Web Output
183 | *.Publish.xml
184 | *.pubxml
185 | *.publishproj
186 |
187 | # NuGet Packages Directory
188 | ## TODO: If you have NuGet Package Restore enabled, uncomment the next line
189 | #packages/
190 |
191 | # Windows Azure Build Output
192 | csx
193 | *.build.csdef
194 |
195 | # Windows Store app package directory
196 | AppPackages/
197 |
198 | # Others
199 | sql/
200 | *.Cache
201 | ClientBin/
202 | [Ss]tyle[Cc]op.*
203 | ~$*
204 | *~
205 | *.dbmdl
206 | *.[Pp]ublish.xml
207 | *.pfx
208 | *.publishsettings
209 |
210 | # RIA/Silverlight projects
211 | Generated_Code/
212 |
213 | # Backup & report files from converting an old project file to a newer
214 | # Visual Studio version. Backup files are not needed, because we have git ;-)
215 | _UpgradeReport_Files/
216 | Backup*/
217 | UpgradeLog*.XML
218 | UpgradeLog*.htm
219 |
220 | # SQL Server files
221 | App_Data/*.mdf
222 | App_Data/*.ldf
223 |
224 | #############
225 | ## Windows detritus
226 | #############
227 |
228 | # Windows image file caches
229 | Thumbs.db
230 | ehthumbs.db
231 |
232 | # Folder config file
233 | Desktop.ini
234 |
235 | # Recycle Bin used on file shares
236 | $RECYCLE.BIN/
237 |
238 | # Mac crap
239 | .DS_Store
240 |
241 |
242 | #############
243 | ## Python
244 | #############
245 |
246 | *.py[cod]
247 |
248 | # Packages
249 | *.egg
250 | *.egg-info
251 | dist/
252 | build/
253 | eggs/
254 | parts/
255 | var/
256 | sdist/
257 | develop-eggs/
258 | .installed.cfg
259 |
260 | # Installer logs
261 | pip-log.txt
262 |
263 | # Unit test / coverage reports
264 | .coverage
265 | .tox
266 |
267 | #Translations
268 | *.mo
269 |
270 | #Mr Developer
271 | .mr.developer.cfg
272 |
273 | # Ipython notebook
274 | .ipynb_checkpoints/
275 |
--------------------------------------------------------------------------------
/classification/util.py:
--------------------------------------------------------------------------------
1 | import csv
2 | import numpy as np
3 | import scipy.linalg
4 | import matplotlib.pyplot as pl
5 | from mpl_toolkits.mplot3d import Axes3D
6 | from sklearn import svm
7 | from scipy.stats import multivariate_normal
8 | from scipy.stats import bernoulli
9 |
10 | print("version",1)
11 |
12 |
13 |
14 | class GaussianMixture:
15 |
16 | def __init__(self,mean0,cov0,mean1,cov1):
17 | """ construct a mixture of two gaussians. mean0 is 2x1 vector of means for class 0, cov0 is 2x2 covariance matrix for class 0.
18 | Similarly for class 1"""
19 | self.mean0 = mean0
20 | self.mean1 = mean1
21 | self.cov0 = cov0
22 | self.cov1 = cov1
23 | self.rv0 = multivariate_normal(mean0, cov0)
24 | self.rv1 = multivariate_normal(mean1, cov1)
25 |
26 | def plot(self,data=None):
27 | x1 = np.linspace(-4,4,100)
28 | x2 = np.linspace(-4,4,100)
29 | X1,X2 = np.meshgrid(x1,x2)
30 | pos = np.empty(X1.shape+(2,))
31 | pos[:,:,0] = X1
32 | pos[:,:,1]= X2
33 | a = self.rv1.pdf(pos)/self.rv0.pdf(pos)
34 |
35 | if data:
36 | nplots = 4
37 | else:
38 | nplots = 3
39 | fig,ax = pl.subplots(1,nplots,figsize = (5*nplots,5))
40 | [ax[i].spines['left'].set_position('zero') for i in range(0,nplots)]
41 | [ax[i].spines['right'].set_color('none') for i in range(0,nplots)]
42 | [ax[i].spines['bottom'].set_position('zero') for i in range(0,nplots)]
43 | [ax[i].spines['top'].set_color('none') for i in range(0,nplots)]
44 |
45 | ax[0].set_title("p(x1,x2|y = 1")
46 | ax[1].set_title("p(x1,x2|y = 0")
47 | ax[2].set_title("P(y = 1|x1,x2)")
48 | [ax[i].set_xlim([-4,4]) for i in range(0,3)]
49 | [ax[i].set_ylim([-4,4]) for i in range(0,3)]
50 |
51 | cn = ax[0].contourf(x1,x2,self.rv1.pdf(pos))
52 | cn2 = ax[1].contourf(x1,x2,self.rv0.pdf(pos))
53 | z = a/(1.0+a)
54 | cn3 = ax[2].contourf(x1,x2,z)
55 | ct = ax[2].contour(cn3,levels=[0.5])
56 | ax[2].clabel(ct)
57 |
58 |
59 | if data:
60 | X,Y = data
61 | colors = ["blue" if target < 1 else "red" for target in Y]
62 | x = X[:,0]
63 | y = X[:,1]
64 | yis1 = np.where(Y==1)[0]
65 | yis0 = np.where(Y!=1)[0]
66 | ax[3].set_title("Samples colored by class")
67 | ax[3].scatter(x,y,s=30,c=colors,alpha=.5)
68 | ax[0].scatter(x[yis1],y[yis1],s=5,c=colors,alpha=.3)
69 | ax[1].scatter(x[yis0],y[yis0],s=5,c=colors,alpha=.3)
70 | ax[2].scatter(x,y,s=5,c=colors,alpha=.3)
71 | pl.show()
72 |
73 | def sample(self,n_samples,py,plot=False):
74 | """samples Y according to py and corresponding features x1,x2 according to the gaussian for the corresponding class"""
75 | Y = bernoulli.rvs(py,size=n_samples)
76 | X = np.zeros((n_samples,2))
77 | for i in range(n_samples):
78 | if Y[i] == 1:
79 | X[i,:] = self.rv1.rvs()
80 | else:
81 | X[i,:] = self.rv0.rvs()
82 | if plot:
83 | self.plot(data=(X,Y))
84 | return X,Y
85 |
86 |
87 |
88 | def load_data_(filename):
89 | with open(filename) as f:
90 | g = (",".join([i[1],i[2],i[4],i[5],i[6],i[7],i[9],i[11]]).encode(encoding='UTF-8')
91 | for i in csv.reader(f,delimiter=",",quotechar='"'))
92 | data = np.genfromtxt(g, delimiter=",",names=True,
93 | dtype=(int,int,np.dtype('a6'),float,int,int,float,np.dtype('a1')))
94 | embark_dict = {b'S':0, b'C':1, b'Q':2, b'':3}
95 | survived = data['Survived']
96 | passenger_class = data['Pclass']
97 | is_female = (data['Sex'] == b'female').astype(int)
98 | age = data['Age']
99 | sibsp = data['SibSp']
100 | parch = data['Parch']
101 | fare = data['Fare']
102 | embarked = np.array([embark_dict[k] for k in data['Embarked']])
103 | # skip age for the moment because of the missing data
104 | X = np.vstack((passenger_class, is_female, sibsp, parch, fare, embarked)).T
105 | Y = survived
106 |
107 | return X, Y
108 |
109 | def load_data():
110 | return load_data_("titanic_train.csv")
111 |
112 |
113 | def load_test_data():
114 | return load_data_("titanic_test.csv")
115 |
116 |
117 |
118 | def whitening_matrix(X):
119 | """The matrix of Eigenvectors that whitens the input vector X"""
120 | assert (X.ndim == 2)
121 | sigma = np.dot(X.T, X)
122 | e, m = scipy.linalg.eigh(sigma)
123 | return np.dot(m, np.diag(1.0/np.sqrt(e)))*np.sqrt((X.shape[0]-1))
124 |
125 |
126 | def plot_svm(X, Y, svm_instance, xdim1=0, xdim2=1, minbound=(-3,-3),
127 | maxbound=(3,3), resolution=(100,100)):
128 | """ Plot any two dimensions from an SVM"""
129 | # build the meshgrid for the two dims we care about
130 | d = svm_instance.shape_fit_[1]
131 | n = resolution[0] * resolution[1]
132 | xx, yy = np.meshgrid(np.linspace(minbound[0], maxbound[0], resolution[0]),
133 | np.linspace(minbound[1], maxbound[1], resolution[1]))
134 | query2d = np.c_[xx.ravel(), yy.ravel()]
135 | query = np.zeros((n,d))
136 | query[:,xdim1] = query2d[:, 0]
137 | query[:,xdim2] = query2d[:, 1]
138 |
139 | Z = svm_instance.decision_function(query)
140 | Z = Z.reshape(xx.shape)
141 |
142 | fig = pl.figure(figsize=(10,10))
143 | ax = fig.add_subplot(111)
144 |
145 | ax.imshow(Z, interpolation='nearest',
146 | extent=(xx.min(), xx.max(), yy.min(), yy.max()), aspect='auto',
147 | origin='lower', cmap=pl.cm.PuOr_r)
148 | contours = ax.contour(xx, yy, Z, levels=[0], linewidths=2,
149 | linetypes='--')
150 | ax.scatter(X[:, xdim1], X[:, xdim2], s=30, c=Y, cmap=pl.cm.Paired)
151 | # ax.set_xticks(())
152 | # pl.yticks(())
153 | ax.set_xlim((minbound[0], maxbound[0]))
154 | ax.set_ylim((minbound[1], maxbound[1]))
155 | pl.show()
156 |
157 |
158 | def illustrate_preprocessing():
159 | x = np.random.multivariate_normal(np.array([5.0,5.0]),
160 | np.array([[5.0,3.0],[3.0,4.0]]),size=1000)
161 | x_demean = x - np.mean(x, axis=0)
162 | x_unitsd = x_demean/(np.std(x_demean,axis=0))
163 | x_whiten = np.dot(x_demean, whitening_matrix(x_demean))
164 |
165 | fig = pl.figure(figsize=(10,10))
166 |
167 | def mk_subplot(n, data, label):
168 | ax = fig.add_subplot(2,2,n)
169 | ax.scatter(data[:,0], data[:,1])
170 | ax.set_xlim((-10,10))
171 | ax.set_ylim((-10,10))
172 | ax.set_xlabel(label)
173 |
174 | mk_subplot(1, x, "Original")
175 | mk_subplot(2, x_demean, "De-meaned")
176 | mk_subplot(3, x_unitsd, "Unit SD")
177 | mk_subplot(4, x_whiten, "Whitened")
178 | pl.show()
179 |
180 |
181 | def margins_and_hyperplane():
182 | #gen some data
183 | np.random.seed(0)
184 | n = 20
185 | X = (np.vstack((np.ones((n,2))*np.array([0.5,1]),
186 | np.ones((n,2))*np.array([-0.5,-1]))) + np.random.randn(2*n,2)*0.3)
187 | Y = np.hstack((np.ones(n), np.zeros(n)))
188 |
189 | clf = svm.SVC(kernel='linear')
190 | clf.fit(X, Y)
191 |
192 | # Note the following code comes from a scikit learn example...
193 | # get the separating hyperplane
194 | w = clf.coef_[0]
195 | a = -w[0] / w[1]
196 | xs = np.linspace(-2, 2)
197 | ys = a * xs - (clf.intercept_[0]) / w[1]
198 |
199 | # plot the parallels to the separating hyperplane that pass through the
200 | # support vectors
201 | b = clf.support_vectors_[0]
202 | ys_down = a * xs + (b[1] - a * b[0])
203 | b = clf.support_vectors_[-1]
204 | ys_up = a * xs + (b[1] - a * b[0])
205 |
206 | #draw a bad margin
207 |
208 | def line_point_grad(x, grad, p1):
209 | y = grad*(x - p1[0]) + p1[1]
210 | return y
211 |
212 | minp = X[np.argmin(X[:n,0])]
213 | maxp = X[n + np.argmax(X[n:,0])]
214 | yb = line_point_grad(xs, a*20, np.array([0.5*(minp[0]+maxp[0]),0.0]))
215 | yb_down = line_point_grad(xs, a*20, minp)
216 | yb_up = line_point_grad(xs, a*20, maxp)
217 |
218 | # plot the line, the points, and the nearest vectors to the plane
219 | fig = pl.figure(figsize=(10,10))
220 | ax = fig.add_subplot(111)
221 | ax.plot(xs, ys, 'g-')
222 | ax.plot(xs, yb, 'r-')
223 | ax.plot(xs, yb_down, 'r--')
224 | ax.plot(xs, yb_up, 'r--')
225 | ax.plot(xs, ys_down, 'g--')
226 | ax.plot(xs, ys_up, 'g--')
227 |
228 | ax.scatter(clf.support_vectors_[:, 0], clf.support_vectors_[:, 1],
229 | s=80, facecolors='none')
230 | ax.scatter([minp[0],maxp[0]], [minp[1],maxp[1]],
231 | s=80, facecolors='none')
232 | ax.scatter(X[:, 0], X[:, 1], c=Y, cmap=pl.cm.Paired)
233 | ax.set_xlim((-2,2))
234 | ax.set_ylim((-2,2))
235 | pl.show()
236 |
237 |
238 | def hard_data():
239 | #gen some data
240 | np.random.seed(0)
241 | epsilon = 0.05
242 | n = 5000
243 | X1 = np.random.randn(n,2)
244 | X2 = np.random.randn(n,2)
245 | valid1 = X1[:,0]**2 + X1[:,1]**2 < (0.5 - epsilon)
246 | valid2 = np.logical_and((X2[:,0]**2 + X2[:,1]**2 > (0.5 + epsilon)),
247 | (X2[:,0]**2 + X2[:,1]**2 < 1.0))
248 |
249 | X1 = X1[valid1]
250 | X2 = X2[valid2]
251 | Y1 = np.ones(X1.shape[0])
252 | Y2 = np.zeros(X2.shape[0])
253 | X = np.vstack((X1,X2))
254 | Y = np.hstack((Y1,Y2))
255 | Z = np.sqrt(2)*X[:,0]*X[:,1]
256 | return X, Y, Z
257 |
258 | def nonlinear_example():
259 | X, Y, Z = hard_data()
260 | fig = pl.figure(figsize=(10,20))
261 | ax = fig.add_subplot(211)
262 | ax.scatter(X[:, 0], X[:, 1], c=Y, cmap=pl.cm.Paired)
263 | ax = fig.add_subplot(212, projection='3d')
264 | ax.scatter(X[:,0]**2, X[:,1]**2, Z, c=Y, cmap=pl.cm.Paired)
265 | pl.show()
266 |
267 | def nonlinear_svm():
268 | X, Y, Z = hard_data()
269 | clf = svm.SVC(kernel='rbf')
270 | clf.fit(X, Y)
271 | plot_svm(X, Y, clf, 0,1, (-1.5,-1.5), (1.5,1.5))
272 |
273 |
274 | #if __name__ == "__main__":
275 | # nonlinear_example()
276 |
--------------------------------------------------------------------------------
/LICENSE:
--------------------------------------------------------------------------------
1 | GNU GENERAL PUBLIC LICENSE
2 | Version 2, June 1991
3 |
4 | Copyright (C) 1989, 1991 Free Software Foundation, Inc.,
5 | 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA
6 | Everyone is permitted to copy and distribute verbatim copies
7 | of this license document, but changing it is not allowed.
8 |
9 | Preamble
10 |
11 | The licenses for most software are designed to take away your
12 | freedom to share and change it. By contrast, the GNU General Public
13 | License is intended to guarantee your freedom to share and change free
14 | software--to make sure the software is free for all its users. This
15 | General Public License applies to most of the Free Software
16 | Foundation's software and to any other program whose authors commit to
17 | using it. (Some other Free Software Foundation software is covered by
18 | the GNU Lesser General Public License instead.) You can apply it to
19 | your programs, too.
20 |
21 | When we speak of free software, we are referring to freedom, not
22 | price. Our General Public Licenses are designed to make sure that you
23 | have the freedom to distribute copies of free software (and charge for
24 | this service if you wish), that you receive source code or can get it
25 | if you want it, that you can change the software or use pieces of it
26 | in new free programs; and that you know you can do these things.
27 |
28 | To protect your rights, we need to make restrictions that forbid
29 | anyone to deny you these rights or to ask you to surrender the rights.
30 | These restrictions translate to certain responsibilities for you if you
31 | distribute copies of the software, or if you modify it.
32 |
33 | For example, if you distribute copies of such a program, whether
34 | gratis or for a fee, you must give the recipients all the rights that
35 | you have. You must make sure that they, too, receive or can get the
36 | source code. And you must show them these terms so they know their
37 | rights.
38 |
39 | We protect your rights with two steps: (1) copyright the software, and
40 | (2) offer you this license which gives you legal permission to copy,
41 | distribute and/or modify the software.
42 |
43 | Also, for each author's protection and ours, we want to make certain
44 | that everyone understands that there is no warranty for this free
45 | software. If the software is modified by someone else and passed on, we
46 | want its recipients to know that what they have is not the original, so
47 | that any problems introduced by others will not reflect on the original
48 | authors' reputations.
49 |
50 | Finally, any free program is threatened constantly by software
51 | patents. We wish to avoid the danger that redistributors of a free
52 | program will individually obtain patent licenses, in effect making the
53 | program proprietary. To prevent this, we have made it clear that any
54 | patent must be licensed for everyone's free use or not licensed at all.
55 |
56 | The precise terms and conditions for copying, distribution and
57 | modification follow.
58 |
59 | GNU GENERAL PUBLIC LICENSE
60 | TERMS AND CONDITIONS FOR COPYING, DISTRIBUTION AND MODIFICATION
61 |
62 | 0. This License applies to any program or other work which contains
63 | a notice placed by the copyright holder saying it may be distributed
64 | under the terms of this General Public License. The "Program", below,
65 | refers to any such program or work, and a "work based on the Program"
66 | means either the Program or any derivative work under copyright law:
67 | that is to say, a work containing the Program or a portion of it,
68 | either verbatim or with modifications and/or translated into another
69 | language. (Hereinafter, translation is included without limitation in
70 | the term "modification".) Each licensee is addressed as "you".
71 |
72 | Activities other than copying, distribution and modification are not
73 | covered by this License; they are outside its scope. The act of
74 | running the Program is not restricted, and the output from the Program
75 | is covered only if its contents constitute a work based on the
76 | Program (independent of having been made by running the Program).
77 | Whether that is true depends on what the Program does.
78 |
79 | 1. You may copy and distribute verbatim copies of the Program's
80 | source code as you receive it, in any medium, provided that you
81 | conspicuously and appropriately publish on each copy an appropriate
82 | copyright notice and disclaimer of warranty; keep intact all the
83 | notices that refer to this License and to the absence of any warranty;
84 | and give any other recipients of the Program a copy of this License
85 | along with the Program.
86 |
87 | You may charge a fee for the physical act of transferring a copy, and
88 | you may at your option offer warranty protection in exchange for a fee.
89 |
90 | 2. You may modify your copy or copies of the Program or any portion
91 | of it, thus forming a work based on the Program, and copy and
92 | distribute such modifications or work under the terms of Section 1
93 | above, provided that you also meet all of these conditions:
94 |
95 | a) You must cause the modified files to carry prominent notices
96 | stating that you changed the files and the date of any change.
97 |
98 | b) You must cause any work that you distribute or publish, that in
99 | whole or in part contains or is derived from the Program or any
100 | part thereof, to be licensed as a whole at no charge to all third
101 | parties under the terms of this License.
102 |
103 | c) If the modified program normally reads commands interactively
104 | when run, you must cause it, when started running for such
105 | interactive use in the most ordinary way, to print or display an
106 | announcement including an appropriate copyright notice and a
107 | notice that there is no warranty (or else, saying that you provide
108 | a warranty) and that users may redistribute the program under
109 | these conditions, and telling the user how to view a copy of this
110 | License. (Exception: if the Program itself is interactive but
111 | does not normally print such an announcement, your work based on
112 | the Program is not required to print an announcement.)
113 |
114 | These requirements apply to the modified work as a whole. If
115 | identifiable sections of that work are not derived from the Program,
116 | and can be reasonably considered independent and separate works in
117 | themselves, then this License, and its terms, do not apply to those
118 | sections when you distribute them as separate works. But when you
119 | distribute the same sections as part of a whole which is a work based
120 | on the Program, the distribution of the whole must be on the terms of
121 | this License, whose permissions for other licensees extend to the
122 | entire whole, and thus to each and every part regardless of who wrote it.
123 |
124 | Thus, it is not the intent of this section to claim rights or contest
125 | your rights to work written entirely by you; rather, the intent is to
126 | exercise the right to control the distribution of derivative or
127 | collective works based on the Program.
128 |
129 | In addition, mere aggregation of another work not based on the Program
130 | with the Program (or with a work based on the Program) on a volume of
131 | a storage or distribution medium does not bring the other work under
132 | the scope of this License.
133 |
134 | 3. You may copy and distribute the Program (or a work based on it,
135 | under Section 2) in object code or executable form under the terms of
136 | Sections 1 and 2 above provided that you also do one of the following:
137 |
138 | a) Accompany it with the complete corresponding machine-readable
139 | source code, which must be distributed under the terms of Sections
140 | 1 and 2 above on a medium customarily used for software interchange; or,
141 |
142 | b) Accompany it with a written offer, valid for at least three
143 | years, to give any third party, for a charge no more than your
144 | cost of physically performing source distribution, a complete
145 | machine-readable copy of the corresponding source code, to be
146 | distributed under the terms of Sections 1 and 2 above on a medium
147 | customarily used for software interchange; or,
148 |
149 | c) Accompany it with the information you received as to the offer
150 | to distribute corresponding source code. (This alternative is
151 | allowed only for noncommercial distribution and only if you
152 | received the program in object code or executable form with such
153 | an offer, in accord with Subsection b above.)
154 |
155 | The source code for a work means the preferred form of the work for
156 | making modifications to it. For an executable work, complete source
157 | code means all the source code for all modules it contains, plus any
158 | associated interface definition files, plus the scripts used to
159 | control compilation and installation of the executable. However, as a
160 | special exception, the source code distributed need not include
161 | anything that is normally distributed (in either source or binary
162 | form) with the major components (compiler, kernel, and so on) of the
163 | operating system on which the executable runs, unless that component
164 | itself accompanies the executable.
165 |
166 | If distribution of executable or object code is made by offering
167 | access to copy from a designated place, then offering equivalent
168 | access to copy the source code from the same place counts as
169 | distribution of the source code, even though third parties are not
170 | compelled to copy the source along with the object code.
171 |
172 | 4. You may not copy, modify, sublicense, or distribute the Program
173 | except as expressly provided under this License. Any attempt
174 | otherwise to copy, modify, sublicense or distribute the Program is
175 | void, and will automatically terminate your rights under this License.
176 | However, parties who have received copies, or rights, from you under
177 | this License will not have their licenses terminated so long as such
178 | parties remain in full compliance.
179 |
180 | 5. You are not required to accept this License, since you have not
181 | signed it. However, nothing else grants you permission to modify or
182 | distribute the Program or its derivative works. These actions are
183 | prohibited by law if you do not accept this License. Therefore, by
184 | modifying or distributing the Program (or any work based on the
185 | Program), you indicate your acceptance of this License to do so, and
186 | all its terms and conditions for copying, distributing or modifying
187 | the Program or works based on it.
188 |
189 | 6. Each time you redistribute the Program (or any work based on the
190 | Program), the recipient automatically receives a license from the
191 | original licensor to copy, distribute or modify the Program subject to
192 | these terms and conditions. You may not impose any further
193 | restrictions on the recipients' exercise of the rights granted herein.
194 | You are not responsible for enforcing compliance by third parties to
195 | this License.
196 |
197 | 7. If, as a consequence of a court judgment or allegation of patent
198 | infringement or for any other reason (not limited to patent issues),
199 | conditions are imposed on you (whether by court order, agreement or
200 | otherwise) that contradict the conditions of this License, they do not
201 | excuse you from the conditions of this License. If you cannot
202 | distribute so as to satisfy simultaneously your obligations under this
203 | License and any other pertinent obligations, then as a consequence you
204 | may not distribute the Program at all. For example, if a patent
205 | license would not permit royalty-free redistribution of the Program by
206 | all those who receive copies directly or indirectly through you, then
207 | the only way you could satisfy both it and this License would be to
208 | refrain entirely from distribution of the Program.
209 |
210 | If any portion of this section is held invalid or unenforceable under
211 | any particular circumstance, the balance of the section is intended to
212 | apply and the section as a whole is intended to apply in other
213 | circumstances.
214 |
215 | It is not the purpose of this section to induce you to infringe any
216 | patents or other property right claims or to contest validity of any
217 | such claims; this section has the sole purpose of protecting the
218 | integrity of the free software distribution system, which is
219 | implemented by public license practices. Many people have made
220 | generous contributions to the wide range of software distributed
221 | through that system in reliance on consistent application of that
222 | system; it is up to the author/donor to decide if he or she is willing
223 | to distribute software through any other system and a licensee cannot
224 | impose that choice.
225 |
226 | This section is intended to make thoroughly clear what is believed to
227 | be a consequence of the rest of this License.
228 |
229 | 8. If the distribution and/or use of the Program is restricted in
230 | certain countries either by patents or by copyrighted interfaces, the
231 | original copyright holder who places the Program under this License
232 | may add an explicit geographical distribution limitation excluding
233 | those countries, so that distribution is permitted only in or among
234 | countries not thus excluded. In such case, this License incorporates
235 | the limitation as if written in the body of this License.
236 |
237 | 9. The Free Software Foundation may publish revised and/or new versions
238 | of the General Public License from time to time. Such new versions will
239 | be similar in spirit to the present version, but may differ in detail to
240 | address new problems or concerns.
241 |
242 | Each version is given a distinguishing version number. If the Program
243 | specifies a version number of this License which applies to it and "any
244 | later version", you have the option of following the terms and conditions
245 | either of that version or of any later version published by the Free
246 | Software Foundation. If the Program does not specify a version number of
247 | this License, you may choose any version ever published by the Free Software
248 | Foundation.
249 |
250 | 10. If you wish to incorporate parts of the Program into other free
251 | programs whose distribution conditions are different, write to the author
252 | to ask for permission. For software which is copyrighted by the Free
253 | Software Foundation, write to the Free Software Foundation; we sometimes
254 | make exceptions for this. Our decision will be guided by the two goals
255 | of preserving the free status of all derivatives of our free software and
256 | of promoting the sharing and reuse of software generally.
257 |
258 | NO WARRANTY
259 |
260 | 11. BECAUSE THE PROGRAM IS LICENSED FREE OF CHARGE, THERE IS NO WARRANTY
261 | FOR THE PROGRAM, TO THE EXTENT PERMITTED BY APPLICABLE LAW. EXCEPT WHEN
262 | OTHERWISE STATED IN WRITING THE COPYRIGHT HOLDERS AND/OR OTHER PARTIES
263 | PROVIDE THE PROGRAM "AS IS" WITHOUT WARRANTY OF ANY KIND, EITHER EXPRESSED
264 | OR IMPLIED, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF
265 | MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE. THE ENTIRE RISK AS
266 | TO THE QUALITY AND PERFORMANCE OF THE PROGRAM IS WITH YOU. SHOULD THE
267 | PROGRAM PROVE DEFECTIVE, YOU ASSUME THE COST OF ALL NECESSARY SERVICING,
268 | REPAIR OR CORRECTION.
269 |
270 | 12. IN NO EVENT UNLESS REQUIRED BY APPLICABLE LAW OR AGREED TO IN WRITING
271 | WILL ANY COPYRIGHT HOLDER, OR ANY OTHER PARTY WHO MAY MODIFY AND/OR
272 | REDISTRIBUTE THE PROGRAM AS PERMITTED ABOVE, BE LIABLE TO YOU FOR DAMAGES,
273 | INCLUDING ANY GENERAL, SPECIAL, INCIDENTAL OR CONSEQUENTIAL DAMAGES ARISING
274 | OUT OF THE USE OR INABILITY TO USE THE PROGRAM (INCLUDING BUT NOT LIMITED
275 | TO LOSS OF DATA OR DATA BEING RENDERED INACCURATE OR LOSSES SUSTAINED BY
276 | YOU OR THIRD PARTIES OR A FAILURE OF THE PROGRAM TO OPERATE WITH ANY OTHER
277 | PROGRAMS), EVEN IF SUCH HOLDER OR OTHER PARTY HAS BEEN ADVISED OF THE
278 | POSSIBILITY OF SUCH DAMAGES.
279 |
280 | END OF TERMS AND CONDITIONS
281 |
282 | How to Apply These Terms to Your New Programs
283 |
284 | If you develop a new program, and you want it to be of the greatest
285 | possible use to the public, the best way to achieve this is to make it
286 | free software which everyone can redistribute and change under these terms.
287 |
288 | To do so, attach the following notices to the program. It is safest
289 | to attach them to the start of each source file to most effectively
290 | convey the exclusion of warranty; and each file should have at least
291 | the "copyright" line and a pointer to where the full notice is found.
292 |
293 | {description}
294 | Copyright (C) {year} {fullname}
295 |
296 | This program is free software; you can redistribute it and/or modify
297 | it under the terms of the GNU General Public License as published by
298 | the Free Software Foundation; either version 2 of the License, or
299 | (at your option) any later version.
300 |
301 | This program is distributed in the hope that it will be useful,
302 | but WITHOUT ANY WARRANTY; without even the implied warranty of
303 | MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
304 | GNU General Public License for more details.
305 |
306 | You should have received a copy of the GNU General Public License along
307 | with this program; if not, write to the Free Software Foundation, Inc.,
308 | 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA.
309 |
310 | Also add information on how to contact you by electronic and paper mail.
311 |
312 | If the program is interactive, make it output a short notice like this
313 | when it starts in an interactive mode:
314 |
315 | Gnomovision version 69, Copyright (C) year name of author
316 | Gnomovision comes with ABSOLUTELY NO WARRANTY; for details type `show w'.
317 | This is free software, and you are welcome to redistribute it
318 | under certain conditions; type `show c' for details.
319 |
320 | The hypothetical commands `show w' and `show c' should show the appropriate
321 | parts of the General Public License. Of course, the commands you use may
322 | be called something other than `show w' and `show c'; they could even be
323 | mouse-clicks or menu items--whatever suits your program.
324 |
325 | You should also get your employer (if you work as a programmer) or your
326 | school, if any, to sign a "copyright disclaimer" for the program, if
327 | necessary. Here is a sample; alter the names:
328 |
329 | Yoyodyne, Inc., hereby disclaims all copyright interest in the program
330 | `Gnomovision' (which makes passes at compilers) written by James Hacker.
331 |
332 | {signature of Ty Coon}, 1 April 1989
333 | Ty Coon, President of Vice
334 |
335 | This General Public License does not permit incorporating your program into
336 | proprietary programs. If your program is a subroutine library, you may
337 | consider it more useful to permit linking proprietary applications with the
338 | library. If this is what you want to do, use the GNU Lesser General
339 | Public License instead of this License.
340 |
341 |
--------------------------------------------------------------------------------
/Linear Regression/LICENSE:
--------------------------------------------------------------------------------
1 | GNU GENERAL PUBLIC LICENSE
2 | Version 2, June 1991
3 |
4 | Copyright (C) 1989, 1991 Free Software Foundation, Inc.,
5 | 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA
6 | Everyone is permitted to copy and distribute verbatim copies
7 | of this license document, but changing it is not allowed.
8 |
9 | Preamble
10 |
11 | The licenses for most software are designed to take away your
12 | freedom to share and change it. By contrast, the GNU General Public
13 | License is intended to guarantee your freedom to share and change free
14 | software--to make sure the software is free for all its users. This
15 | General Public License applies to most of the Free Software
16 | Foundation's software and to any other program whose authors commit to
17 | using it. (Some other Free Software Foundation software is covered by
18 | the GNU Lesser General Public License instead.) You can apply it to
19 | your programs, too.
20 |
21 | When we speak of free software, we are referring to freedom, not
22 | price. Our General Public Licenses are designed to make sure that you
23 | have the freedom to distribute copies of free software (and charge for
24 | this service if you wish), that you receive source code or can get it
25 | if you want it, that you can change the software or use pieces of it
26 | in new free programs; and that you know you can do these things.
27 |
28 | To protect your rights, we need to make restrictions that forbid
29 | anyone to deny you these rights or to ask you to surrender the rights.
30 | These restrictions translate to certain responsibilities for you if you
31 | distribute copies of the software, or if you modify it.
32 |
33 | For example, if you distribute copies of such a program, whether
34 | gratis or for a fee, you must give the recipients all the rights that
35 | you have. You must make sure that they, too, receive or can get the
36 | source code. And you must show them these terms so they know their
37 | rights.
38 |
39 | We protect your rights with two steps: (1) copyright the software, and
40 | (2) offer you this license which gives you legal permission to copy,
41 | distribute and/or modify the software.
42 |
43 | Also, for each author's protection and ours, we want to make certain
44 | that everyone understands that there is no warranty for this free
45 | software. If the software is modified by someone else and passed on, we
46 | want its recipients to know that what they have is not the original, so
47 | that any problems introduced by others will not reflect on the original
48 | authors' reputations.
49 |
50 | Finally, any free program is threatened constantly by software
51 | patents. We wish to avoid the danger that redistributors of a free
52 | program will individually obtain patent licenses, in effect making the
53 | program proprietary. To prevent this, we have made it clear that any
54 | patent must be licensed for everyone's free use or not licensed at all.
55 |
56 | The precise terms and conditions for copying, distribution and
57 | modification follow.
58 |
59 | GNU GENERAL PUBLIC LICENSE
60 | TERMS AND CONDITIONS FOR COPYING, DISTRIBUTION AND MODIFICATION
61 |
62 | 0. This License applies to any program or other work which contains
63 | a notice placed by the copyright holder saying it may be distributed
64 | under the terms of this General Public License. The "Program", below,
65 | refers to any such program or work, and a "work based on the Program"
66 | means either the Program or any derivative work under copyright law:
67 | that is to say, a work containing the Program or a portion of it,
68 | either verbatim or with modifications and/or translated into another
69 | language. (Hereinafter, translation is included without limitation in
70 | the term "modification".) Each licensee is addressed as "you".
71 |
72 | Activities other than copying, distribution and modification are not
73 | covered by this License; they are outside its scope. The act of
74 | running the Program is not restricted, and the output from the Program
75 | is covered only if its contents constitute a work based on the
76 | Program (independent of having been made by running the Program).
77 | Whether that is true depends on what the Program does.
78 |
79 | 1. You may copy and distribute verbatim copies of the Program's
80 | source code as you receive it, in any medium, provided that you
81 | conspicuously and appropriately publish on each copy an appropriate
82 | copyright notice and disclaimer of warranty; keep intact all the
83 | notices that refer to this License and to the absence of any warranty;
84 | and give any other recipients of the Program a copy of this License
85 | along with the Program.
86 |
87 | You may charge a fee for the physical act of transferring a copy, and
88 | you may at your option offer warranty protection in exchange for a fee.
89 |
90 | 2. You may modify your copy or copies of the Program or any portion
91 | of it, thus forming a work based on the Program, and copy and
92 | distribute such modifications or work under the terms of Section 1
93 | above, provided that you also meet all of these conditions:
94 |
95 | a) You must cause the modified files to carry prominent notices
96 | stating that you changed the files and the date of any change.
97 |
98 | b) You must cause any work that you distribute or publish, that in
99 | whole or in part contains or is derived from the Program or any
100 | part thereof, to be licensed as a whole at no charge to all third
101 | parties under the terms of this License.
102 |
103 | c) If the modified program normally reads commands interactively
104 | when run, you must cause it, when started running for such
105 | interactive use in the most ordinary way, to print or display an
106 | announcement including an appropriate copyright notice and a
107 | notice that there is no warranty (or else, saying that you provide
108 | a warranty) and that users may redistribute the program under
109 | these conditions, and telling the user how to view a copy of this
110 | License. (Exception: if the Program itself is interactive but
111 | does not normally print such an announcement, your work based on
112 | the Program is not required to print an announcement.)
113 |
114 | These requirements apply to the modified work as a whole. If
115 | identifiable sections of that work are not derived from the Program,
116 | and can be reasonably considered independent and separate works in
117 | themselves, then this License, and its terms, do not apply to those
118 | sections when you distribute them as separate works. But when you
119 | distribute the same sections as part of a whole which is a work based
120 | on the Program, the distribution of the whole must be on the terms of
121 | this License, whose permissions for other licensees extend to the
122 | entire whole, and thus to each and every part regardless of who wrote it.
123 |
124 | Thus, it is not the intent of this section to claim rights or contest
125 | your rights to work written entirely by you; rather, the intent is to
126 | exercise the right to control the distribution of derivative or
127 | collective works based on the Program.
128 |
129 | In addition, mere aggregation of another work not based on the Program
130 | with the Program (or with a work based on the Program) on a volume of
131 | a storage or distribution medium does not bring the other work under
132 | the scope of this License.
133 |
134 | 3. You may copy and distribute the Program (or a work based on it,
135 | under Section 2) in object code or executable form under the terms of
136 | Sections 1 and 2 above provided that you also do one of the following:
137 |
138 | a) Accompany it with the complete corresponding machine-readable
139 | source code, which must be distributed under the terms of Sections
140 | 1 and 2 above on a medium customarily used for software interchange; or,
141 |
142 | b) Accompany it with a written offer, valid for at least three
143 | years, to give any third party, for a charge no more than your
144 | cost of physically performing source distribution, a complete
145 | machine-readable copy of the corresponding source code, to be
146 | distributed under the terms of Sections 1 and 2 above on a medium
147 | customarily used for software interchange; or,
148 |
149 | c) Accompany it with the information you received as to the offer
150 | to distribute corresponding source code. (This alternative is
151 | allowed only for noncommercial distribution and only if you
152 | received the program in object code or executable form with such
153 | an offer, in accord with Subsection b above.)
154 |
155 | The source code for a work means the preferred form of the work for
156 | making modifications to it. For an executable work, complete source
157 | code means all the source code for all modules it contains, plus any
158 | associated interface definition files, plus the scripts used to
159 | control compilation and installation of the executable. However, as a
160 | special exception, the source code distributed need not include
161 | anything that is normally distributed (in either source or binary
162 | form) with the major components (compiler, kernel, and so on) of the
163 | operating system on which the executable runs, unless that component
164 | itself accompanies the executable.
165 |
166 | If distribution of executable or object code is made by offering
167 | access to copy from a designated place, then offering equivalent
168 | access to copy the source code from the same place counts as
169 | distribution of the source code, even though third parties are not
170 | compelled to copy the source along with the object code.
171 |
172 | 4. You may not copy, modify, sublicense, or distribute the Program
173 | except as expressly provided under this License. Any attempt
174 | otherwise to copy, modify, sublicense or distribute the Program is
175 | void, and will automatically terminate your rights under this License.
176 | However, parties who have received copies, or rights, from you under
177 | this License will not have their licenses terminated so long as such
178 | parties remain in full compliance.
179 |
180 | 5. You are not required to accept this License, since you have not
181 | signed it. However, nothing else grants you permission to modify or
182 | distribute the Program or its derivative works. These actions are
183 | prohibited by law if you do not accept this License. Therefore, by
184 | modifying or distributing the Program (or any work based on the
185 | Program), you indicate your acceptance of this License to do so, and
186 | all its terms and conditions for copying, distributing or modifying
187 | the Program or works based on it.
188 |
189 | 6. Each time you redistribute the Program (or any work based on the
190 | Program), the recipient automatically receives a license from the
191 | original licensor to copy, distribute or modify the Program subject to
192 | these terms and conditions. You may not impose any further
193 | restrictions on the recipients' exercise of the rights granted herein.
194 | You are not responsible for enforcing compliance by third parties to
195 | this License.
196 |
197 | 7. If, as a consequence of a court judgment or allegation of patent
198 | infringement or for any other reason (not limited to patent issues),
199 | conditions are imposed on you (whether by court order, agreement or
200 | otherwise) that contradict the conditions of this License, they do not
201 | excuse you from the conditions of this License. If you cannot
202 | distribute so as to satisfy simultaneously your obligations under this
203 | License and any other pertinent obligations, then as a consequence you
204 | may not distribute the Program at all. For example, if a patent
205 | license would not permit royalty-free redistribution of the Program by
206 | all those who receive copies directly or indirectly through you, then
207 | the only way you could satisfy both it and this License would be to
208 | refrain entirely from distribution of the Program.
209 |
210 | If any portion of this section is held invalid or unenforceable under
211 | any particular circumstance, the balance of the section is intended to
212 | apply and the section as a whole is intended to apply in other
213 | circumstances.
214 |
215 | It is not the purpose of this section to induce you to infringe any
216 | patents or other property right claims or to contest validity of any
217 | such claims; this section has the sole purpose of protecting the
218 | integrity of the free software distribution system, which is
219 | implemented by public license practices. Many people have made
220 | generous contributions to the wide range of software distributed
221 | through that system in reliance on consistent application of that
222 | system; it is up to the author/donor to decide if he or she is willing
223 | to distribute software through any other system and a licensee cannot
224 | impose that choice.
225 |
226 | This section is intended to make thoroughly clear what is believed to
227 | be a consequence of the rest of this License.
228 |
229 | 8. If the distribution and/or use of the Program is restricted in
230 | certain countries either by patents or by copyrighted interfaces, the
231 | original copyright holder who places the Program under this License
232 | may add an explicit geographical distribution limitation excluding
233 | those countries, so that distribution is permitted only in or among
234 | countries not thus excluded. In such case, this License incorporates
235 | the limitation as if written in the body of this License.
236 |
237 | 9. The Free Software Foundation may publish revised and/or new versions
238 | of the General Public License from time to time. Such new versions will
239 | be similar in spirit to the present version, but may differ in detail to
240 | address new problems or concerns.
241 |
242 | Each version is given a distinguishing version number. If the Program
243 | specifies a version number of this License which applies to it and "any
244 | later version", you have the option of following the terms and conditions
245 | either of that version or of any later version published by the Free
246 | Software Foundation. If the Program does not specify a version number of
247 | this License, you may choose any version ever published by the Free Software
248 | Foundation.
249 |
250 | 10. If you wish to incorporate parts of the Program into other free
251 | programs whose distribution conditions are different, write to the author
252 | to ask for permission. For software which is copyrighted by the Free
253 | Software Foundation, write to the Free Software Foundation; we sometimes
254 | make exceptions for this. Our decision will be guided by the two goals
255 | of preserving the free status of all derivatives of our free software and
256 | of promoting the sharing and reuse of software generally.
257 |
258 | NO WARRANTY
259 |
260 | 11. BECAUSE THE PROGRAM IS LICENSED FREE OF CHARGE, THERE IS NO WARRANTY
261 | FOR THE PROGRAM, TO THE EXTENT PERMITTED BY APPLICABLE LAW. EXCEPT WHEN
262 | OTHERWISE STATED IN WRITING THE COPYRIGHT HOLDERS AND/OR OTHER PARTIES
263 | PROVIDE THE PROGRAM "AS IS" WITHOUT WARRANTY OF ANY KIND, EITHER EXPRESSED
264 | OR IMPLIED, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED WARRANTIES OF
265 | MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE. THE ENTIRE RISK AS
266 | TO THE QUALITY AND PERFORMANCE OF THE PROGRAM IS WITH YOU. SHOULD THE
267 | PROGRAM PROVE DEFECTIVE, YOU ASSUME THE COST OF ALL NECESSARY SERVICING,
268 | REPAIR OR CORRECTION.
269 |
270 | 12. IN NO EVENT UNLESS REQUIRED BY APPLICABLE LAW OR AGREED TO IN WRITING
271 | WILL ANY COPYRIGHT HOLDER, OR ANY OTHER PARTY WHO MAY MODIFY AND/OR
272 | REDISTRIBUTE THE PROGRAM AS PERMITTED ABOVE, BE LIABLE TO YOU FOR DAMAGES,
273 | INCLUDING ANY GENERAL, SPECIAL, INCIDENTAL OR CONSEQUENTIAL DAMAGES ARISING
274 | OUT OF THE USE OR INABILITY TO USE THE PROGRAM (INCLUDING BUT NOT LIMITED
275 | TO LOSS OF DATA OR DATA BEING RENDERED INACCURATE OR LOSSES SUSTAINED BY
276 | YOU OR THIRD PARTIES OR A FAILURE OF THE PROGRAM TO OPERATE WITH ANY OTHER
277 | PROGRAMS), EVEN IF SUCH HOLDER OR OTHER PARTY HAS BEEN ADVISED OF THE
278 | POSSIBILITY OF SUCH DAMAGES.
279 |
280 | END OF TERMS AND CONDITIONS
281 |
282 | How to Apply These Terms to Your New Programs
283 |
284 | If you develop a new program, and you want it to be of the greatest
285 | possible use to the public, the best way to achieve this is to make it
286 | free software which everyone can redistribute and change under these terms.
287 |
288 | To do so, attach the following notices to the program. It is safest
289 | to attach them to the start of each source file to most effectively
290 | convey the exclusion of warranty; and each file should have at least
291 | the "copyright" line and a pointer to where the full notice is found.
292 |
293 | {description}
294 | Copyright (C) {year} {fullname}
295 |
296 | This program is free software; you can redistribute it and/or modify
297 | it under the terms of the GNU General Public License as published by
298 | the Free Software Foundation; either version 2 of the License, or
299 | (at your option) any later version.
300 |
301 | This program is distributed in the hope that it will be useful,
302 | but WITHOUT ANY WARRANTY; without even the implied warranty of
303 | MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
304 | GNU General Public License for more details.
305 |
306 | You should have received a copy of the GNU General Public License along
307 | with this program; if not, write to the Free Software Foundation, Inc.,
308 | 51 Franklin Street, Fifth Floor, Boston, MA 02110-1301 USA.
309 |
310 | Also add information on how to contact you by electronic and paper mail.
311 |
312 | If the program is interactive, make it output a short notice like this
313 | when it starts in an interactive mode:
314 |
315 | Gnomovision version 69, Copyright (C) year name of author
316 | Gnomovision comes with ABSOLUTELY NO WARRANTY; for details type `show w'.
317 | This is free software, and you are welcome to redistribute it
318 | under certain conditions; type `show c' for details.
319 |
320 | The hypothetical commands `show w' and `show c' should show the appropriate
321 | parts of the General Public License. Of course, the commands you use may
322 | be called something other than `show w' and `show c'; they could even be
323 | mouse-clicks or menu items--whatever suits your program.
324 |
325 | You should also get your employer (if you work as a programmer) or your
326 | school, if any, to sign a "copyright disclaimer" for the program, if
327 | necessary. Here is a sample; alter the names:
328 |
329 | Yoyodyne, Inc., hereby disclaims all copyright interest in the program
330 | `Gnomovision' (which makes passes at compilers) written by James Hacker.
331 |
332 | {signature of Ty Coon}, 1 April 1989
333 | Ty Coon, President of Vice
334 |
335 | This General Public License does not permit incorporating your program into
336 | proprietary programs. If your program is a subroutine library, you may
337 | consider it more useful to permit linking proprietary applications with the
338 | library. If this is what you want to do, use the GNU Lesser General
339 | Public License instead of this License.
340 |
341 |
--------------------------------------------------------------------------------
/classification/titanic_test.csv:
--------------------------------------------------------------------------------
1 | PassengerId,Survived,Pclass,Name,Sex,Age,SibSp,Parch,Ticket,Fare,Cabin,Embarked
2 | 1,0,3,"Braund, Mr. Owen Harris",male,22,1,0,A/5 21171,7.25,,S
3 | 7,0,1,"McCarthy, Mr. Timothy J",male,54,0,0,17463,51.8625,E46,S
4 | 8,0,3,"Palsson, Master. Gosta Leonard",male,2,3,1,349909,21.075,,S
5 | 10,1,2,"Nasser, Mrs. Nicholas (Adele Achem)",female,14,1,0,237736,30.0708,,C
6 | 14,0,3,"Andersson, Mr. Anders Johan",male,39,1,5,347082,31.275,,S
7 | 16,1,2,"Hewlett, Mrs. (Mary D Kingcome) ",female,55,0,0,248706,16,,S
8 | 20,1,3,"Masselmani, Mrs. Fatima",female,,0,0,2649,7.225,,C
9 | 24,1,1,"Sloper, Mr. William Thompson",male,28,0,0,113788,35.5,A6,S
10 | 27,0,3,"Emir, Mr. Farred Chehab",male,,0,0,2631,7.225,,C
11 | 33,1,3,"Glynn, Miss. Mary Agatha",female,,0,0,335677,7.75,,Q
12 | 34,0,2,"Wheadon, Mr. Edward H",male,66,0,0,C.A. 24579,10.5,,S
13 | 35,0,1,"Meyer, Mr. Edgar Joseph",male,28,1,0,PC 17604,82.1708,,C
14 | 36,0,1,"Holverson, Mr. Alexander Oskar",male,42,1,0,113789,52,,S
15 | 38,0,3,"Cann, Mr. Ernest Charles",male,21,0,0,A./5. 2152,8.05,,S
16 | 39,0,3,"Vander Planke, Miss. Augusta Maria",female,18,2,0,345764,18,,S
17 | 40,1,3,"Nicola-Yarred, Miss. Jamila",female,14,1,0,2651,11.2417,,C
18 | 41,0,3,"Ahlin, Mrs. Johan (Johanna Persdotter Larsson)",female,40,1,0,7546,9.475,,S
19 | 43,0,3,"Kraeff, Mr. Theodor",male,,0,0,349253,7.8958,,C
20 | 47,0,3,"Lennon, Mr. Denis",male,,1,0,370371,15.5,,Q
21 | 48,1,3,"O'Driscoll, Miss. Bridget",female,,0,0,14311,7.75,,Q
22 | 49,0,3,"Samaan, Mr. Youssef",male,,2,0,2662,21.6792,,C
23 | 53,1,1,"Harper, Mrs. Henry Sleeper (Myna Haxtun)",female,49,1,0,PC 17572,76.7292,D33,C
24 | 61,0,3,"Sirayanian, Mr. Orsen",male,22,0,0,2669,7.2292,,C
25 | 63,0,1,"Harris, Mr. Henry Birkhardt",male,45,1,0,36973,83.475,C83,S
26 | 65,0,1,"Stewart, Mr. Albert A",male,,0,0,PC 17605,27.7208,,C
27 | 71,0,2,"Jenkin, Mr. Stephen Curnow",male,32,0,0,C.A. 33111,10.5,,S
28 | 73,0,2,"Hood, Mr. Ambrose Jr",male,21,0,0,S.O.C. 14879,73.5,,S
29 | 74,0,3,"Chronopoulos, Mr. Apostolos",male,26,1,0,2680,14.4542,,C
30 | 76,0,3,"Moen, Mr. Sigurd Hansen",male,25,0,0,348123,7.65,F G73,S
31 | 78,0,3,"Moutal, Mr. Rahamin Haim",male,,0,0,374746,8.05,,S
32 | 80,1,3,"Dowdell, Miss. Elizabeth",female,30,0,0,364516,12.475,,S
33 | 81,0,3,"Waelens, Mr. Achille",male,22,0,0,345767,9,,S
34 | 82,1,3,"Sheerlinck, Mr. Jan Baptist",male,29,0,0,345779,9.5,,S
35 | 85,1,2,"Ilett, Miss. Bertha",female,17,0,0,SO/C 14885,10.5,,S
36 | 86,1,3,"Backstrom, Mrs. Karl Alfred (Maria Mathilda Gustafsson)",female,33,3,0,3101278,15.85,,S
37 | 91,0,3,"Christmann, Mr. Emil",male,29,0,0,343276,8.05,,S
38 | 93,0,1,"Chaffee, Mr. Herbert Fuller",male,46,1,0,W.E.P. 5734,61.175,E31,S
39 | 94,0,3,"Dean, Mr. Bertram Frank",male,26,1,2,C.A. 2315,20.575,,S
40 | 95,0,3,"Coxon, Mr. Daniel",male,59,0,0,364500,7.25,,S
41 | 99,1,2,"Doling, Mrs. John T (Ada Julia Bone)",female,34,0,1,231919,23,,S
42 | 103,0,1,"White, Mr. Richard Frasar",male,21,0,1,35281,77.2875,D26,S
43 | 104,0,3,"Johansson, Mr. Gustaf Joel",male,33,0,0,7540,8.6542,,S
44 | 107,1,3,"Salkjelsvik, Miss. Anna Kristine",female,21,0,0,343120,7.65,,S
45 | 110,1,3,"Moran, Miss. Bertha",female,,1,0,371110,24.15,,Q
46 | 111,0,1,"Porter, Mr. Walter Chamberlain",male,47,0,0,110465,52,C110,S
47 | 113,0,3,"Barton, Mr. David John",male,22,0,0,324669,8.05,,S
48 | 114,0,3,"Jussila, Miss. Katriina",female,20,1,0,4136,9.825,,S
49 | 116,0,3,"Pekoniemi, Mr. Edvard",male,21,0,0,STON/O 2. 3101294,7.925,,S
50 | 117,0,3,"Connors, Mr. Patrick",male,70.5,0,0,370369,7.75,,Q
51 | 118,0,2,"Turpin, Mr. William John Robert",male,29,1,0,11668,21,,S
52 | 121,0,2,"Hickman, Mr. Stanley George",male,21,2,0,S.O.C. 14879,73.5,,S
53 | 128,1,3,"Madsen, Mr. Fridtjof Arne",male,24,0,0,C 17369,7.1417,,S
54 | 130,0,3,"Ekstrom, Mr. Johan",male,45,0,0,347061,6.975,,S
55 | 137,1,1,"Newsom, Miss. Helen Monypeny",female,19,0,2,11752,26.2833,D47,S
56 | 139,0,3,"Osen, Mr. Olaf Elon",male,16,0,0,7534,9.2167,,S
57 | 140,0,1,"Giglio, Mr. Victor",male,24,0,0,PC 17593,79.2,B86,C
58 | 141,0,3,"Boulos, Mrs. Joseph (Sultana)",female,,0,2,2678,15.2458,,C
59 | 142,1,3,"Nysten, Miss. Anna Sofia",female,22,0,0,347081,7.75,,S
60 | 146,0,2,"Nicholls, Mr. Joseph Charles",male,19,1,1,C.A. 33112,36.75,,S
61 | 147,1,3,"Andersson, Mr. August Edvard (""Wennerstrom"")",male,27,0,0,350043,7.7958,,S
62 | 150,0,2,"Byles, Rev. Thomas Roussel Davids",male,42,0,0,244310,13,,S
63 | 152,1,1,"Pears, Mrs. Thomas (Edith Wearne)",female,22,1,0,113776,66.6,C2,S
64 | 154,0,3,"van Billiard, Mr. Austin Blyler",male,40.5,0,2,A/5. 851,14.5,,S
65 | 158,0,3,"Corn, Mr. Harry",male,30,0,0,SOTON/OQ 392090,8.05,,S
66 | 161,0,3,"Cribb, Mr. John Hatfield",male,44,0,1,371362,16.1,,S
67 | 163,0,3,"Bengtsson, Mr. John Viktor",male,26,0,0,347068,7.775,,S
68 | 164,0,3,"Calic, Mr. Jovo",male,17,0,0,315093,8.6625,,S
69 | 170,0,3,"Ling, Mr. Lee",male,28,0,0,1601,56.4958,,S
70 | 180,0,3,"Leonard, Mr. Lionel",male,36,0,0,LINE,0,,S
71 | 181,0,3,"Sage, Miss. Constance Gladys",female,,8,2,CA. 2343,69.55,,S
72 | 184,1,2,"Becker, Master. Richard F",male,1,2,1,230136,39,F4,S
73 | 190,0,3,"Turcin, Mr. Stjepan",male,36,0,0,349247,7.8958,,S
74 | 200,0,2,"Yrois, Miss. Henriette (""Mrs Harbeck"")",female,24,0,0,248747,13,,S
75 | 201,0,3,"Vande Walle, Mr. Nestor Cyriel",male,28,0,0,345770,9.5,,S
76 | 202,0,3,"Sage, Mr. Frederick",male,,8,2,CA. 2343,69.55,,S
77 | 206,0,3,"Strom, Miss. Telma Matilda",female,2,0,1,347054,10.4625,G6,S
78 | 208,1,3,"Albimona, Mr. Nassef Cassem",male,26,0,0,2699,18.7875,,C
79 | 210,1,1,"Blank, Mr. Henry",male,40,0,0,112277,31,A31,C
80 | 213,0,3,"Perkin, Mr. John Henry",male,22,0,0,A/5 21174,7.25,,S
81 | 217,1,3,"Honkanen, Miss. Eliina",female,27,0,0,STON/O2. 3101283,7.925,,S
82 | 220,0,2,"Harris, Mr. Walter",male,30,0,0,W/C 14208,10.5,,S
83 | 221,1,3,"Sunderland, Mr. Victor Francis",male,16,0,0,SOTON/OQ 392089,8.05,,S
84 | 223,0,3,"Green, Mr. George Henry",male,51,0,0,21440,8.05,,S
85 | 224,0,3,"Nenkoff, Mr. Christo",male,,0,0,349234,7.8958,,S
86 | 226,0,3,"Berglund, Mr. Karl Ivar Sven",male,22,0,0,PP 4348,9.35,,S
87 | 227,1,2,"Mellors, Mr. William John",male,19,0,0,SW/PP 751,10.5,,S
88 | 228,0,3,"Lovell, Mr. John Hall (""Henry"")",male,20.5,0,0,A/5 21173,7.25,,S
89 | 231,1,1,"Harris, Mrs. Henry Birkhardt (Irene Wallach)",female,35,1,0,36973,83.475,C83,S
90 | 232,0,3,"Larsson, Mr. Bengt Edvin",male,29,0,0,347067,7.775,,S
91 | 233,0,2,"Sjostedt, Mr. Ernst Adolf",male,59,0,0,237442,13.5,,S
92 | 234,1,3,"Asplund, Miss. Lillian Gertrud",female,5,4,2,347077,31.3875,,S
93 | 235,0,2,"Leyson, Mr. Robert William Norman",male,24,0,0,C.A. 29566,10.5,,S
94 | 242,1,3,"Murphy, Miss. Katherine ""Kate""",female,,1,0,367230,15.5,,Q
95 | 243,0,2,"Coleridge, Mr. Reginald Charles",male,29,0,0,W./C. 14263,10.5,,S
96 | 245,0,3,"Attalah, Mr. Sleiman",male,30,0,0,2694,7.225,,C
97 | 247,0,3,"Lindahl, Miss. Agda Thorilda Viktoria",female,25,0,0,347071,7.775,,S
98 | 248,1,2,"Hamalainen, Mrs. William (Anna)",female,24,0,2,250649,14.5,,S
99 | 251,0,3,"Reed, Mr. James George",male,,0,0,362316,7.25,,S
100 | 256,1,3,"Touma, Mrs. Darwis (Hanne Youssef Razi)",female,29,0,2,2650,15.2458,,C
101 | 261,0,3,"Smith, Mr. Thomas",male,,0,0,384461,7.75,,Q
102 | 266,0,2,"Reeves, Mr. David",male,36,0,0,C.A. 17248,10.5,,S
103 | 267,0,3,"Panula, Mr. Ernesti Arvid",male,16,4,1,3101295,39.6875,,S
104 | 271,0,1,"Cairns, Mr. Alexander",male,,0,0,113798,31,,S
105 | 272,1,3,"Tornquist, Mr. William Henry",male,25,0,0,LINE,0,,S
106 | 279,0,3,"Rice, Master. Eric",male,7,4,1,382652,29.125,,Q
107 | 280,1,3,"Abbott, Mrs. Stanton (Rosa Hunt)",female,35,1,1,C.A. 2673,20.25,,S
108 | 283,0,3,"de Pelsmaeker, Mr. Alfons",male,16,0,0,345778,9.5,,S
109 | 284,1,3,"Dorking, Mr. Edward Arthur",male,19,0,0,A/5. 10482,8.05,,S
110 | 285,0,1,"Smith, Mr. Richard William",male,,0,0,113056,26,A19,S
111 | 288,0,3,"Naidenoff, Mr. Penko",male,22,0,0,349206,7.8958,,S
112 | 289,1,2,"Hosono, Mr. Masabumi",male,42,0,0,237798,13,,S
113 | 298,0,1,"Allison, Miss. Helen Loraine",female,2,1,2,113781,151.55,C22 C26,S
114 | 302,1,3,"McCoy, Mr. Bernard",male,,2,0,367226,23.25,,Q
115 | 303,0,3,"Johnson, Mr. William Cahoone Jr",male,19,0,0,LINE,0,,S
116 | 304,1,2,"Keane, Miss. Nora A",female,,0,0,226593,12.35,E101,Q
117 | 305,0,3,"Williams, Mr. Howard Hugh ""Harry""",male,,0,0,A/5 2466,8.05,,S
118 | 306,1,1,"Allison, Master. Hudson Trevor",male,0.92,1,2,113781,151.55,C22 C26,S
119 | 310,1,1,"Francatelli, Miss. Laura Mabel",female,30,0,0,PC 17485,56.9292,E36,C
120 | 311,1,1,"Hays, Miss. Margaret Bechstein",female,24,0,0,11767,83.1583,C54,C
121 | 315,0,2,"Hart, Mr. Benjamin",male,43,1,1,F.C.C. 13529,26.25,,S
122 | 318,0,2,"Moraweck, Dr. Ernest",male,54,0,0,29011,14,,S
123 | 321,0,3,"Dennis, Mr. Samuel",male,22,0,0,A/5 21172,7.25,,S
124 | 325,0,3,"Sage, Mr. George John Jr",male,,8,2,CA. 2343,69.55,,S
125 | 327,0,3,"Nysveen, Mr. Johan Hansen",male,61,0,0,345364,6.2375,,S
126 | 329,1,3,"Goldsmith, Mrs. Frank John (Emily Alice Brown)",female,31,1,1,363291,20.525,,S
127 | 331,1,3,"McCoy, Miss. Agnes",female,,2,0,367226,23.25,,Q
128 | 332,0,1,"Partner, Mr. Austen",male,45.5,0,0,113043,28.5,C124,S
129 | 334,0,3,"Vander Planke, Mr. Leo Edmondus",male,16,2,0,345764,18,,S
130 | 345,0,2,"Fox, Mr. Stanley Hubert",male,36,0,0,229236,13,,S
131 | 350,0,3,"Dimic, Mr. Jovan",male,42,0,0,315088,8.6625,,S
132 | 351,0,3,"Odahl, Mr. Nils Martin",male,23,0,0,7267,9.225,,S
133 | 353,0,3,"Elias, Mr. Tannous",male,15,1,1,2695,7.2292,,C
134 | 360,1,3,"Mockler, Miss. Helen Mary ""Ellie""",female,,0,0,330980,7.8792,,Q
135 | 361,0,3,"Skoog, Mr. Wilhelm",male,40,1,4,347088,27.9,,S
136 | 363,0,3,"Barbara, Mrs. (Catherine David)",female,45,0,1,2691,14.4542,,C
137 | 366,0,3,"Adahl, Mr. Mauritz Nils Martin",male,30,0,0,C 7076,7.25,,S
138 | 371,1,1,"Harder, Mr. George Achilles",male,25,1,0,11765,55.4417,E50,C
139 | 375,0,3,"Palsson, Miss. Stina Viola",female,3,3,1,349909,21.075,,S
140 | 376,1,1,"Meyer, Mrs. Edgar Joseph (Leila Saks)",female,,1,0,PC 17604,82.1708,,C
141 | 378,0,1,"Widener, Mr. Harry Elkins",male,27,0,2,113503,211.5,C82,C
142 | 380,0,3,"Gustafsson, Mr. Karl Gideon",male,19,0,0,347069,7.775,,S
143 | 382,1,3,"Nakid, Miss. Maria (""Mary"")",female,1,0,2,2653,15.7417,,C
144 | 384,1,1,"Holverson, Mrs. Alexander Oskar (Mary Aline Towner)",female,35,1,0,113789,52,,S
145 | 385,0,3,"Plotcharsky, Mr. Vasil",male,,0,0,349227,7.8958,,S
146 | 389,0,3,"Sadlier, Mr. Matthew",male,,0,0,367655,7.7292,,Q
147 | 391,1,1,"Carter, Mr. William Ernest",male,36,1,2,113760,120,B96 B98,S
148 | 394,1,1,"Newell, Miss. Marjorie",female,23,1,0,35273,113.275,D36,C
149 | 395,1,3,"Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)",female,24,0,2,PP 9549,16.7,G6,S
150 | 396,0,3,"Johansson, Mr. Erik",male,22,0,0,350052,7.7958,,S
151 | 398,0,2,"McKane, Mr. Peter David",male,46,0,0,28403,26,,S
152 | 404,0,3,"Hakkarainen, Mr. Pekka Pietari",male,28,1,0,STON/O2. 3101279,15.85,,S
153 | 413,1,1,"Minahan, Miss. Daisy E",female,33,1,0,19928,90,C78,Q
154 | 414,0,2,"Cunningham, Mr. Alfred Fleming",male,,0,0,239853,0,,S
155 | 417,1,2,"Drew, Mrs. James Vivian (Lulu Thorne Christian)",female,34,1,1,28220,32.5,,S
156 | 422,0,3,"Charters, Mr. David",male,21,0,0,A/5. 13032,7.7333,,Q
157 | 426,0,3,"Wiseman, Mr. Phillippe",male,,0,0,A/4. 34244,7.25,,S
158 | 429,0,3,"Flynn, Mr. James",male,,0,0,364851,7.75,,Q
159 | 430,1,3,"Pickard, Mr. Berk (Berk Trembisky)",male,32,0,0,SOTON/O.Q. 392078,8.05,E10,S
160 | 436,1,1,"Carter, Miss. Lucile Polk",female,14,1,2,113760,120,B96 B98,S
161 | 438,1,2,"Richards, Mrs. Sidney (Emily Hocking)",female,24,2,3,29106,18.75,,S
162 | 440,0,2,"Kvillner, Mr. Johan Henrik Johannesson",male,31,0,0,C.A. 18723,10.5,,S
163 | 445,1,3,"Johannesen-Bratthammer, Mr. Bernt",male,,0,0,65306,8.1125,,S
164 | 449,1,3,"Baclini, Miss. Marie Catherine",female,5,2,1,2666,19.2583,,C
165 | 450,1,1,"Peuchen, Major. Arthur Godfrey",male,52,0,0,113786,30.5,C104,S
166 | 451,0,2,"West, Mr. Edwy Arthur",male,36,1,2,C.A. 34651,27.75,,S
167 | 452,0,3,"Hagland, Mr. Ingvald Olai Olsen",male,,1,0,65303,19.9667,,S
168 | 453,0,1,"Foreman, Mr. Benjamin Laventall",male,30,0,0,113051,27.75,C111,C
169 | 458,1,1,"Kenyon, Mrs. Frederick R (Marion)",female,,1,0,17464,51.8625,D21,S
170 | 464,0,2,"Milling, Mr. Jacob Christian",male,48,0,0,234360,13,,S
171 | 465,0,3,"Maisner, Mr. Simon",male,,0,0,A/S 2816,8.05,,S
172 | 467,0,2,"Campbell, Mr. William",male,,0,0,239853,0,,S
173 | 470,1,3,"Baclini, Miss. Helene Barbara",female,0.75,2,1,2666,19.2583,,C
174 | 472,0,3,"Cacic, Mr. Luka",male,38,0,0,315089,8.6625,,S
175 | 475,0,3,"Strandberg, Miss. Ida Sofia",female,22,0,0,7553,9.8375,,S
176 | 476,0,1,"Clifford, Mr. George Quincy",male,,0,0,110465,52,A14,S
177 | 480,1,3,"Hirvonen, Miss. Hildur E",female,2,0,1,3101298,12.2875,,S
178 | 484,1,3,"Turkula, Mrs. (Hedwig)",female,63,0,0,4134,9.5875,,S
179 | 487,1,1,"Hoyt, Mrs. Frederick Maxfield (Jane Anne Forby)",female,35,1,0,19943,90,C93,S
180 | 488,0,1,"Kent, Mr. Edward Austin",male,58,0,0,11771,29.7,B37,C
181 | 493,0,1,"Molson, Mr. Harry Markland",male,55,0,0,113787,30.5,C30,S
182 | 494,0,1,"Artagaveytia, Mr. Ramon",male,71,0,0,PC 17609,49.5042,,C
183 | 495,0,3,"Stanley, Mr. Edward Roland",male,21,0,0,A/4 45380,8.05,,S
184 | 498,0,3,"Shellard, Mr. Frederick William",male,,0,0,C.A. 6212,15.1,,S
185 | 499,0,1,"Allison, Mrs. Hudson J C (Bessie Waldo Daniels)",female,25,1,2,113781,151.55,C22 C26,S
186 | 501,0,3,"Calic, Mr. Petar",male,17,0,0,315086,8.6625,,S
187 | 502,0,3,"Canavan, Miss. Mary",female,21,0,0,364846,7.75,,Q
188 | 504,0,3,"Laitinen, Miss. Kristina Sofia",female,37,0,0,4135,9.5875,,S
189 | 505,1,1,"Maioni, Miss. Roberta",female,16,0,0,110152,86.5,B79,S
190 | 508,1,1,"Bradley, Mr. George (""George Arthur Brayton"")",male,,0,0,111427,26.55,,S
191 | 510,1,3,"Lang, Mr. Fang",male,26,0,0,1601,56.4958,,S
192 | 511,1,3,"Daly, Mr. Eugene Patrick",male,29,0,0,382651,7.75,,Q
193 | 513,1,1,"McGough, Mr. James Robert",male,36,0,0,PC 17473,26.2875,E25,S
194 | 516,0,1,"Walker, Mr. William Anderson",male,47,0,0,36967,34.0208,D46,S
195 | 518,0,3,"Ryan, Mr. Patrick",male,,0,0,371110,24.15,,Q
196 | 524,1,1,"Hippach, Mrs. Louis Albert (Ida Sophia Fischer)",female,44,0,1,111361,57.9792,B18,C
197 | 526,0,3,"Farrell, Mr. James",male,40.5,0,0,367232,7.75,,Q
198 | 527,1,2,"Ridsdale, Miss. Lucy",female,50,0,0,W./C. 14258,10.5,,S
199 | 528,0,1,"Farthing, Mr. John",male,,0,0,PC 17483,221.7792,C95,S
200 | 529,0,3,"Salonen, Mr. Johan Werner",male,39,0,0,3101296,7.925,,S
201 | 531,1,2,"Quick, Miss. Phyllis May",female,2,1,1,26360,26,,S
202 | 533,0,3,"Elias, Mr. Joseph Jr",male,17,1,1,2690,7.2292,,C
203 | 535,0,3,"Cacic, Miss. Marija",female,30,0,0,315084,8.6625,,S
204 | 537,0,1,"Butt, Major. Archibald Willingham",male,45,0,0,113050,26.55,B38,S
205 | 539,0,3,"Risien, Mr. Samuel Beard",male,,0,0,364498,14.5,,S
206 | 540,1,1,"Frolicher, Miss. Hedwig Margaritha",female,22,0,2,13568,49.5,B39,C
207 | 549,0,3,"Goldsmith, Mr. Frank John",male,33,1,1,363291,20.525,,S
208 | 556,0,1,"Wright, Mr. George",male,62,0,0,113807,26.55,,S
209 | 560,1,3,"de Messemaeker, Mrs. Guillaume Joseph (Emma)",female,36,1,0,345572,17.4,,S
210 | 564,0,3,"Simmons, Mr. John",male,,0,0,SOTON/OQ 392082,8.05,,S
211 | 565,0,3,"Meanwell, Miss. (Marion Ogden)",female,,0,0,SOTON/O.Q. 392087,8.05,,S
212 | 567,0,3,"Stoytcheff, Mr. Ilia",male,19,0,0,349205,7.8958,,S
213 | 571,1,2,"Harris, Mr. George",male,62,0,0,S.W./PP 752,10.5,,S
214 | 578,1,1,"Silvey, Mrs. William Baird (Alice Munger)",female,39,1,0,13507,55.9,E44,S
215 | 581,1,2,"Christy, Miss. Julie Rachel",female,25,1,1,237789,30,,S
216 | 582,1,1,"Thayer, Mrs. John Borland (Marian Longstreth Morris)",female,39,1,1,17421,110.8833,C68,C
217 | 583,0,2,"Downton, Mr. William James",male,54,0,0,28403,26,,S
218 | 584,0,1,"Ross, Mr. John Hugo",male,36,0,0,13049,40.125,A10,C
219 | 591,0,3,"Rintamaki, Mr. Matti",male,35,0,0,STON/O 2. 3101273,7.125,,S
220 | 597,1,2,"Leitch, Miss. Jessie Wills",female,,0,0,248727,33,,S
221 | 599,0,3,"Boulos, Mr. Hanna",male,,0,0,2664,7.225,,C
222 | 602,0,3,"Slabenoff, Mr. Petco",male,,0,0,349214,7.8958,,S
223 | 603,0,1,"Harrington, Mr. Charles H",male,,0,0,113796,42.4,,S
224 | 605,1,1,"Homer, Mr. Harry (""Mr E Haven"")",male,35,0,0,111426,26.55,,C
225 | 606,0,3,"Lindell, Mr. Edvard Bengtsson",male,36,1,0,349910,15.55,,S
226 | 609,1,2,"Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)",female,22,1,2,SC/Paris 2123,41.5792,,C
227 | 613,1,3,"Murphy, Miss. Margaret Jane",female,,1,0,367230,15.5,,Q
228 | 616,1,2,"Herman, Miss. Alice",female,24,1,2,220845,65,,S
229 | 621,0,3,"Yasbeck, Mr. Antoni",male,27,1,0,2659,14.4542,,C
230 | 627,0,2,"Kirkland, Rev. Charles Leonard",male,57,0,0,219533,12.35,,Q
231 | 629,0,3,"Bostandyeff, Mr. Guentcho",male,26,0,0,349224,7.8958,,S
232 | 630,0,3,"O'Connell, Mr. Patrick D",male,,0,0,334912,7.7333,,Q
233 | 637,0,3,"Leinonen, Mr. Antti Gustaf",male,32,0,0,STON/O 2. 3101292,7.925,,S
234 | 642,1,1,"Sagesser, Mlle. Emma",female,24,0,0,PC 17477,69.3,B35,C
235 | 644,1,3,"Foo, Mr. Choong",male,,0,0,1601,56.4958,,S
236 | 646,1,1,"Harper, Mr. Henry Sleeper",male,48,1,0,PC 17572,76.7292,D33,C
237 | 651,0,3,"Mitkoff, Mr. Mito",male,,0,0,349221,7.8958,,S
238 | 654,1,3,"O'Leary, Miss. Hanora ""Norah""",female,,0,0,330919,7.8292,,Q
239 | 659,0,2,"Eitemiller, Mr. George Floyd",male,23,0,0,29751,13,,S
240 | 662,0,3,"Badt, Mr. Mohamed",male,40,0,0,2623,7.225,,C
241 | 663,0,1,"Colley, Mr. Edward Pomeroy",male,47,0,0,5727,25.5875,E58,S
242 | 668,0,3,"Rommetvedt, Mr. Knud Paust",male,,0,0,312993,7.775,,S
243 | 669,0,3,"Cook, Mr. Jacob",male,43,0,0,A/5 3536,8.05,,S
244 | 670,1,1,"Taylor, Mrs. Elmer Zebley (Juliet Cummins Wright)",female,,1,0,19996,52,C126,S
245 | 672,0,1,"Davidson, Mr. Thornton",male,31,1,0,F.C. 12750,52,B71,S
246 | 677,0,3,"Sawyer, Mr. Frederick Charles",male,24.5,0,0,342826,8.05,,S
247 | 679,0,3,"Goodwin, Mrs. Frederick (Augusta Tyler)",female,43,1,6,CA 2144,46.9,,S
248 | 682,1,1,"Hassab, Mr. Hammad",male,27,0,0,PC 17572,76.7292,D49,C
249 | 683,0,3,"Olsvigen, Mr. Thor Anderson",male,20,0,0,6563,9.225,,S
250 | 688,0,3,"Dakic, Mr. Branko",male,19,0,0,349228,10.1708,,S
251 | 689,0,3,"Fischer, Mr. Eberhard Thelander",male,18,0,0,350036,7.7958,,S
252 | 693,1,3,"Lam, Mr. Ali",male,,0,0,1601,56.4958,,S
253 | 696,0,2,"Chapman, Mr. Charles Henry",male,52,0,0,248731,13.5,,S
254 | 699,0,1,"Thayer, Mr. John Borland",male,49,1,1,17421,110.8833,C68,C
255 | 700,0,3,"Humblen, Mr. Adolf Mathias Nicolai Olsen",male,42,0,0,348121,7.65,F G63,S
256 | 701,1,1,"Astor, Mrs. John Jacob (Madeleine Talmadge Force)",female,18,1,0,PC 17757,227.525,C62 C64,C
257 | 702,1,1,"Silverthorne, Mr. Spencer Victor",male,35,0,0,PC 17475,26.2875,E24,S
258 | 706,0,2,"Morley, Mr. Henry Samuel (""Mr Henry Marshall"")",male,39,0,0,250655,26,,S
259 | 713,1,1,"Taylor, Mr. Elmer Zebley",male,48,1,0,19996,52,C126,S
260 | 714,0,3,"Larsson, Mr. August Viktor",male,29,0,0,7545,9.4833,,S
261 | 715,0,2,"Greenberg, Mr. Samuel",male,52,0,0,250647,13,,S
262 | 716,0,3,"Soholt, Mr. Peter Andreas Lauritz Andersen",male,19,0,0,348124,7.65,F G73,S
263 | 717,1,1,"Endres, Miss. Caroline Louise",female,38,0,0,PC 17757,227.525,C45,C
264 | 720,0,3,"Johnson, Mr. Malkolm Joackim",male,33,0,0,347062,7.775,,S
265 | 721,1,2,"Harper, Miss. Annie Jessie ""Nina""",female,6,0,1,248727,33,,S
266 | 725,1,1,"Chambers, Mr. Norman Campbell",male,27,1,0,113806,53.1,E8,S
267 | 727,1,2,"Renouf, Mrs. Peter Henry (Lillian Jefferys)",female,30,3,0,31027,21,,S
268 | 735,0,2,"Troupiansky, Mr. Moses Aaron",male,23,0,0,233639,13,,S
269 | 739,0,3,"Ivanoff, Mr. Kanio",male,,0,0,349201,7.8958,,S
270 | 740,0,3,"Nankoff, Mr. Minko",male,,0,0,349218,7.8958,,S
271 | 749,0,1,"Marvin, Mr. Daniel Warner",male,19,1,0,113773,53.1,D30,S
272 | 754,0,3,"Jonkoff, Mr. Lalio",male,23,0,0,349204,7.8958,,S
273 | 763,1,3,"Barah, Mr. Hanna Assi",male,20,0,0,2663,7.2292,,C
274 | 770,0,3,"Gronnestad, Mr. Daniel Danielsen",male,32,0,0,8471,8.3625,,S
275 | 771,0,3,"Lievens, Mr. Rene Aime",male,24,0,0,345781,9.5,,S
276 | 781,1,3,"Ayoub, Miss. Banoura",female,13,0,0,2687,7.2292,,C
277 | 784,0,3,"Johnston, Mr. Andrew G",male,,1,2,W./C. 6607,23.45,,S
278 | 785,0,3,"Ali, Mr. William",male,25,0,0,SOTON/O.Q. 3101312,7.05,,S
279 | 786,0,3,"Harmer, Mr. Abraham (David Lishin)",male,25,0,0,374887,7.25,,S
280 | 788,0,3,"Rice, Master. George Hugh",male,8,4,1,382652,29.125,,Q
281 | 789,1,3,"Dean, Master. Bertram Vere",male,1,1,2,C.A. 2315,20.575,,S
282 | 793,0,3,"Sage, Miss. Stella Anna",female,,8,2,CA. 2343,69.55,,S
283 | 795,0,3,"Dantcheff, Mr. Ristiu",male,25,0,0,349203,7.8958,,S
284 | 796,0,2,"Otter, Mr. Richard",male,39,0,0,28213,13,,S
285 | 797,1,1,"Leader, Dr. Alice (Farnham)",female,49,0,0,17465,25.9292,D17,S
286 | 800,0,3,"Van Impe, Mrs. Jean Baptiste (Rosalie Paula Govaert)",female,30,1,1,345773,24.15,,S
287 | 803,1,1,"Carter, Master. William Thornton II",male,11,1,2,113760,120,B96 B98,S
288 | 810,1,1,"Chambers, Mrs. Norman Campbell (Bertha Griggs)",female,33,1,0,113806,53.1,E8,S
289 | 811,0,3,"Alexander, Mr. William",male,26,0,0,3474,7.8875,,S
290 | 815,0,3,"Tomlin, Mr. Ernest Portage",male,30.5,0,0,364499,8.05,,S
291 | 816,0,1,"Fry, Mr. Richard",male,,0,0,112058,0,B102,S
292 | 819,0,3,"Holm, Mr. John Fredrik Alexander",male,43,0,0,C 7075,6.45,,S
293 | 825,0,3,"Panula, Master. Urho Abraham",male,2,4,1,3101295,39.6875,,S
294 | 827,0,3,"Lam, Mr. Len",male,,0,0,1601,56.4958,,S
295 | 843,1,1,"Serepeca, Miss. Augusta",female,30,0,0,113798,31,,C
296 | 846,0,3,"Abbing, Mr. Anthony",male,42,0,0,C.A. 5547,7.55,,S
297 | 848,0,3,"Markoff, Mr. Marin",male,35,0,0,349213,7.8958,,C
298 | 853,0,3,"Boulos, Miss. Nourelain",female,9,1,1,2678,15.2458,,C
299 | 854,1,1,"Lines, Miss. Mary Conover",female,16,0,1,PC 17592,39.4,D28,S
300 | 856,1,3,"Aks, Mrs. Sam (Leah Rosen)",female,18,0,1,392091,9.35,,S
301 | 857,1,1,"Wick, Mrs. George Dennick (Mary Hitchcock)",female,45,1,1,36928,164.8667,,S
302 | 862,0,2,"Giles, Mr. Frederick Edward",male,21,1,0,28134,11.5,,S
303 | 864,0,3,"Sage, Miss. Dorothy Edith ""Dolly""",female,,8,2,CA. 2343,69.55,,S
304 | 867,1,2,"Duran y More, Miss. Asuncion",female,27,1,0,SC/PARIS 2149,13.8583,,C
305 | 868,0,1,"Roebling, Mr. Washington Augustus II",male,31,0,0,PC 17590,50.4958,A24,S
306 | 870,1,3,"Johnson, Master. Harold Theodor",male,4,1,1,347742,11.1333,,S
307 | 871,0,3,"Balkic, Mr. Cerin",male,26,0,0,349248,7.8958,,S
308 | 878,0,3,"Petroff, Mr. Nedelio",male,19,0,0,349212,7.8958,,S
309 | 879,0,3,"Laleff, Mr. Kristo",male,,0,0,349217,7.8958,,S
310 | 881,1,2,"Shelley, Mrs. William (Imanita Parrish Hall)",female,25,0,1,230433,26,,S
311 | 882,0,3,"Markun, Mr. Johann",male,33,0,0,349257,7.8958,,S
312 | 884,0,2,"Banfield, Mr. Frederick James",male,28,0,0,C.A./SOTON 34068,10.5,,S
313 | 889,0,3,"Johnston, Miss. Catherine Helen ""Carrie""",female,,1,2,W./C. 6607,23.45,,S
314 |
--------------------------------------------------------------------------------
/clustering/Clustering and Latent Variable Models.ipynb:
--------------------------------------------------------------------------------
1 | {
2 | "metadata": {
3 | "name": "",
4 | "signature": "sha256:36c38689aa3def8a4191cdd49da7dc46982cbae251196e9441d71745753fe356"
5 | },
6 | "nbformat": 3,
7 | "nbformat_minor": 0,
8 | "worksheets": [
9 | {
10 | "cells": [
11 | {
12 | "cell_type": "markdown",
13 | "metadata": {},
14 | "source": [
15 | "#Clustering and Latent Variable Models, MLSS 2015\n",
16 | "\n",
17 | "**Authors**: [Daniel Steinberg](http://www.daniel-steinberg.info/) & [Brian Thorne](http://hardbyte.bitbucket.org/)\n",
18 | "\n",
19 | "**Institute**: [NICTA](https://www.nicta.com.au/)"
20 | ]
21 | },
22 | {
23 | "cell_type": "markdown",
24 | "metadata": {},
25 | "source": [
26 | "$$\n",
27 | "\\newcommand{\\brac} [1] {{ \\left( #1 \\right) }}\n",
28 | "\\newcommand{\\sbrac} [1] {{ \\left[ #1 \\right] }}\n",
29 | "\\newcommand{\\cbrac} [1] {{ \\left\\{ #1 \\right\\} }}\n",
30 | "\\newcommand{\\abrac} [1] {{ \\langle #1 \\rangle }}\n",
31 | "\\newcommand{\\real} [1] {{\\mathbb{R}^{#1}}} \n",
32 | "\\newcommand{\\lnorm} [1] {{\\ell_{#1}}} \n",
33 | "\\newcommand{\\norm} [2] {{\\|{#1}\\|_{#2}}} \n",
34 | "\\newcommand{\\abs} [1] {{\\lvert{#1}\\rvert}} \n",
35 | "\\newcommand{\\nullsp} [1] {{\\mathrm{Null}\\!\\brac{#1}}}\n",
36 | "\\newcommand{\\bigo} [1] {{\\mathcal{O}\\!\\brac{#1}}} \n",
37 | "\\newcommand{\\trace} [1] {{\\mathrm{Tr}\\!\\brac{#1}}}\n",
38 | "\\newcommand{\\argmax} [1] {{\\underset{#1}{\\arg\\max~}}}\n",
39 | "\\newcommand{\\argmin} [1] {{\\underset{#1}{\\arg\\min~}}}\n",
40 | "\\newcommand{\\indic} [1] {{{\\mathbf{1}\\!\\sbrac{#1}}}}\n",
41 | "\\newcommand{\\digam} [1] {{\\Psi\\!\\brac{#1}}}\n",
42 | "\\newcommand{\\gamfn} [1] {{\\Gamma\\!\\brac{#1}}}\n",
43 | "\\newcommand{\\gamfnD} [1] {{\\Gamma_D\\!\\brac{#1}}}\n",
44 | "\\newcommand{\\transpose} {{^{\\top}\\!}}\t\t\n",
45 | "\\newcommand{\\deter} [1] {{\\left|{#1}\\right|}}\n",
46 | "\\newcommand{\\prob} [1] {{p\\brac{#1}}} \n",
47 | "\\newcommand{\\probC} [2] {{p\\brac{#1|#2}}}\n",
48 | "\\newcommand{\\qrob} [1] {{q\\!\\brac{#1}}} \n",
49 | "\\newcommand{\\qrobC} [2] {{q\\!\\brac{#1|#2}}} \n",
50 | "\\newcommand{\\gaus} [1] {{\\mathcal{N}\\!\\brac{#1}}}\t\n",
51 | "\\newcommand{\\gausC} [2] {{\\mathcal{N}\\!\\brac{#1|#2}}}\n",
52 | "\\newcommand{\\gam} [1] {{\\mathrm{Gamma}\\!\\brac{#1}}}\t\n",
53 | "\\newcommand{\\gamC} [2] {{\\mathrm{Gamma}\\!\\brac{#1|#2}}}\n",
54 | "\\newcommand{\\betad} [1] {{\\mathrm{Beta}\\!\\brac{#1}}}\n",
55 | "\\newcommand{\\betaC} [2] {{\\mathrm{Beta}({#1}|{#2})}}\n",
56 | "\\newcommand{\\dir} [1] {{\\mathrm{Dir}\\brac{#1}}}\t\n",
57 | "\\newcommand{\\dirC} [2] {{\\mathrm{Dir}\\brac{#1|#2}}}\n",
58 | "\\newcommand{\\DP} [1] {{\\mathrm{DP}\\!\\brac{#1}}}\n",
59 | "\\newcommand{\\SB} [1] {{\\mathrm{SB}\\!\\brac{#1}}}\t\n",
60 | "\\newcommand{\\wish} [1] {{\\mathcal{W}\\!\\brac{#1}}}\t\n",
61 | "\\newcommand{\\wishC} [2] {{\\mathcal{W}\\!\\brac{#1|#2}}}\t\n",
62 | "\\newcommand{\\categ} [1] {{\\mathrm{Categ}\\brac{#1}}}\n",
63 | "\\newcommand{\\categC} [2] {{\\mathrm{Categ}\\brac{#1|#2}}}\n",
64 | "\\newcommand{\\ncons} [1] {{\\mathcal{Z}_{#1}}}\n",
65 | "\\newcommand{\\bigO} [1] {{\\mathcal{O}({#1})}}\n",
66 | "\\newcommand{\\obsall}{\\mathbf{X}}\n",
67 | "\\newcommand{\\obsind}{\\mathbf{x}}\n",
68 | "\\newcommand{\\sobsind}{x}\n",
69 | "\\newcommand{\\iobsall}{\\mathbf{W}}\n",
70 | "\\newcommand{\\iobsind}{\\mathbf{w}}\n",
71 | "\\newcommand{\\obsbar}{\\bar{\\mathbf{x}}}\n",
72 | "\\newcommand{\\obscov}{\\bar{\\mathbf{S}}}\n",
73 | "\\newcommand{\\olaball}{\\mathbf{Z}}\n",
74 | "\\newcommand{\\olabgrp}{\\mathbf{z}}\n",
75 | "\\newcommand{\\olabind}{z}\n",
76 | "\\newcommand{\\ilaball}{\\mathbf{Y}}\n",
77 | "\\newcommand{\\ilabind}{y}\n",
78 | "\\newcommand{\\allparam}{\\boldsymbol\\Theta}\n",
79 | "\\newcommand{\\allhyper}{\\boldsymbol\\Xi}\n",
80 | "\\newcommand{\\mwgtall}{\\mathbf{B}}\n",
81 | "\\newcommand{\\mwgtind}{\\boldsymbol{\\beta}}\n",
82 | "\\newcommand{\\mwgtmix}{\\beta}\n",
83 | "\\newcommand{\\wgtall}{\\boldsymbol\\Pi}\n",
84 | "\\newcommand{\\wgtind}{\\boldsymbol\\pi}\n",
85 | "\\newcommand{\\wgtmix}{\\pi}\n",
86 | "\\newcommand{\\stkall}{\\mathbf{V}}\n",
87 | "\\newcommand{\\stkmix}{v}\n",
88 | "\\newcommand{\\expall}{\\boldsymbol\\Theta}\n",
89 | "\\newcommand{\\expmix}{\\theta}\n",
90 | "\\newcommand{\\hypexn}{\\eta}\n",
91 | "\\newcommand{\\hypexv}{\\boldsymbol\\nu}\n",
92 | "\\newcommand{\\gausmean}{\\boldsymbol\\mu}\n",
93 | "\\newcommand{\\gauscov}{\\boldsymbol\\Sigma}\n",
94 | "\\newcommand{\\hypgausm}{\\mathbf{m}}\n",
95 | "\\newcommand{\\hypgausb}{\\gamma}\n",
96 | "\\newcommand{\\hypgausW}{\\boldsymbol{\\Omega}}\n",
97 | "\\newcommand{\\hypgausp}{\\rho}\n",
98 | "\\newcommand{\\igausmean}{\\boldsymbol\\eta}\n",
99 | "\\newcommand{\\igauscov}{\\boldsymbol\\Psi}\n",
100 | "\\newcommand{\\ihypgausm}{\\mathbf{h}}\n",
101 | "\\newcommand{\\ihypgausb}{\\delta}\n",
102 | "\\newcommand{\\ihypgausW}{\\boldsymbol{\\Phi}}\n",
103 | "\\newcommand{\\ihypgausp}{\\xi}\n",
104 | "\\newcommand{\\dirall}{\\alpha}\n",
105 | "\\newcommand{\\dirmix}{\\alpha}\n",
106 | "\\newcommand{\\dircall}{\\theta}\n",
107 | "\\newcommand{\\dircmix}{\\theta}\n",
108 | "\\newcommand{\\gdaall}{a}\n",
109 | "\\newcommand{\\gdball}{b}\n",
110 | "\\newcommand{\\gdamix}{a}\n",
111 | "\\newcommand{\\gdbmix}{b}\n",
112 | "\\newcommand{\\Cwidthi} {\\ensuremath{C_{w,i}}}\n",
113 | "\\newcommand{\\Cwidths} {\\ensuremath{C_{w,s}}}\n",
114 | "\\newcommand{\\ICAdic} {\\ensuremath{\\mathbf{D}}}\n",
115 | "\\newcommand{\\ICAdicp} {\\ensuremath{\\mathbf{D}^+}}\n",
116 | "\\newcommand{\\ICAresp} {\\ensuremath{\\mathbf{r}}}\n",
117 | "\\newcommand{\\Segment} {\\ensuremath{S_{jin}}}\n",
118 | "\\newcommand{\\dimim} {\\ensuremath{D_\\mathrm{im}}}\n",
119 | "\\newcommand{\\dimseg} {\\ensuremath{D_\\mathrm{seg}}}\n",
120 | "$$"
121 | ]
122 | },
123 | {
124 | "cell_type": "markdown",
125 | "metadata": {},
126 | "source": [
127 | "#Clustering\n",
128 | "Regression and classification are very useful for when we have some targets/labels for training, however, what about situations where we do not have targets/labels? This is where unsupervised methods such as dimensionality reduction and clustering can help us out but trying to infer categories from the data (clustering) or a low dimensional representation from the data (dimensionality reduction). We have already seen a simple dimensionality reduction technique, PCA, in the first tutorial. In this tutorial we will look at some clustering algorithms and a latent variable model that can be both interpreted as clustering and dimensionality reduction.\n",
129 | "\n",
130 | "Clustering is one of the oldest data exploration methods. The objective is for an algorithm to discover sets of *similar* points, or observations, within a larger dataset. These sets are called *clusters*. Similarity is almost always characterised by some distance function between observations, such as Euclidean $\\ell_2$. Some of the more simple algorithms require the number of clusters to be specified in advance, while others can also infer this from the data, usually given other assumptions. K-means was one of the first and still most popular algorithms designed for this task."
131 | ]
132 | },
133 | {
134 | "cell_type": "markdown",
135 | "metadata": {},
136 | "source": [
137 | "##K-means\n",
138 | "\n",
139 | "The objective of K-means clustering is to find $K$ clusters of observations\n",
140 | "within a dataset of $N$ observations, $\\obsall = \\cbrac{\\obsind_n}^N_{n=1}$, where $\\obsind_n \\in \\real{D}$. These clusters are characterised by their means, $\\mathbf{M} =\n",
141 | "\\cbrac{\\gausmean_k}^K_{k=1}$ where $\\gausmean_k \\in \\real{D}$. Each observation\n",
142 | "is assigned to a cluster mean using an integer label $\\olabind_n \\in \\cbrac{1,\\ldots,K}$,\n",
143 | "and $\\olaball = \\cbrac{\\olabind_n}^N_{n=1}$. The objective of K-means is to\n",
144 | "minimise the square loss, or reconstruction error,\n",
145 | "\\begin{equation}\n",
146 | " \\min_{\\mathbf{M},\\olaball} \\sum^N_{n=1} \\sum^K_{k=1} \\indic{\\olabind_n = k}\n",
147 | " \\norm{\\obsind_n - \\gausmean_k}{2}^2.\n",
148 | "\\end{equation}\n",
149 | "Here $\\indic{\\cdot}$ is an indicator function that evaluates to 1 when the\n",
150 | "condition in the brackets is true, and 0 otherwise. $\\norm{\\cdot}{2}$ is an\n",
151 | "$\\ell_2$ norm, or Euclidean distance. This is solved with two simple alternating\n",
152 | "steps. The first is the assignment step;\n",
153 | "\\begin{equation}\n",
154 | " \\olabind_n = \\argmin{k} \\norm{\\obsind_n - \\gausmean_k}{2}^2,\n",
155 | "\\end{equation}\n",
156 | "the next is the update step;\n",
157 | "\\begin{equation}\n",
158 | " \\gausmean_k = \\frac{\\sum_n \\indic{\\olabind_n = k} \\obsind_n}\n",
159 | " {\\sum_n \\indic{\\olabind_n = k}}.\n",
160 | "\\end{equation}\n",
161 | "These two steps are iterated until the square loss in objective has \n",
162 | "converged, and that's it! This is sometimes also referred to as the [Expectation-Maximisation (EM) algorithm](http://en.wikipedia.org/wiki/Expectation%E2%80%93maximization_algorithm) because of its relationship to Gausian mixture models - more on this soon.\n",
163 | "\n",
164 | "Unfortunately this is not guaranteed to converge to a global minimum of the objective function, and usually many random initialisations (random choices of $\\obsind_n$ for the initial $\\gausmean_k$) have to be attempted to find the best solution. This algorithm is very fast in practice though. Another disadvantage is that the number of clusters, $K$, has to be specified in advance. Perhaps more of a concern is that clusters are assumed to be essentially spherical in shape because of the Euclidean distance used, which is quite often an over-simplification. It is also useful to have probabilistic assignments, $\\probC{\\olabind_n = k}{\\obsind_n}$ rather than hard assignments. Gaussian mixture models solve these last two problems."
165 | ]
166 | },
167 | {
168 | "cell_type": "markdown",
169 | "metadata": {},
170 | "source": [
171 | "### Exercises\n",
172 | "\n",
173 | "**1)** Have a go at calculating the hard assignments, $\\olabind_n$, for the data, $\\obsind_n$, from the initial means/centres, $\\gausmean_k$, provided. Also try to plot the results using the provided function."
174 | ]
175 | },
176 | {
177 | "cell_type": "code",
178 | "collapsed": false,
179 | "input": [
180 | "# Importing some libraries and modules\n",
181 | "%pylab inline\n",
182 | "\n",
183 | "import numpy as np\n",
184 | "import matplotlib.pyplot as plt\n",
185 | "import tututils as tut"
186 | ],
187 | "language": "python",
188 | "metadata": {},
189 | "outputs": []
190 | },
191 | {
192 | "cell_type": "code",
193 | "collapsed": false,
194 | "input": [
195 | "# Load X from a dataset generation function from tututils\n",
196 | "X = tut.load_2d_simple()\n",
197 | "K = 3 # There are three clusters in this dataset\n",
198 | "N = X.shape[0]\n",
199 | "k_means_cluster_centers = X[np.random.randint(0, N, size=K), :]\n",
200 | "\n",
201 | "# Now calculate Z from X and k_means_cluster_centers.\n",
202 | "# Tip: consider using numpy's argmin()\n",
203 | "\n",
204 | "#TODO: k_means_labels = \n",
205 | "\n",
206 | "# Check your answer by plotting the clusters: \n",
207 | "tut.plot_2d_clusters(X, k_means_labels, k_means_cluster_centers)"
208 | ],
209 | "language": "python",
210 | "metadata": {},
211 | "outputs": []
212 | },
213 | {
214 | "cell_type": "markdown",
215 | "metadata": {},
216 | "source": [
217 | "**2)** Now have a go at calculating the cluster means, $\\gausmean_k$, given the cluster assignments, $\\olabind_n$, calculated previously. Again, plot the results using the provided function."
218 | ]
219 | },
220 | {
221 | "cell_type": "code",
222 | "collapsed": false,
223 | "input": [
224 | "# Calculate k_means_cluster_centers from X and k_means_labels\n",
225 | "\n",
226 | "#TODO: k_means_cluster_centers = \n",
227 | "\n",
228 | "# Check your answer by plotting the clusters:\n",
229 | "# TIP: You may need to re-do the labels to make the vornoi cells match the labels\n",
230 | "\n",
231 | "#TODO: re-do labels (optional)\n",
232 | "\n",
233 | "tut.plot_2d_clusters(X, k_means_labels, k_means_cluster_centers)"
234 | ],
235 | "language": "python",
236 | "metadata": {},
237 | "outputs": []
238 | },
239 | {
240 | "cell_type": "markdown",
241 | "metadata": {},
242 | "source": [
243 | "**3)** Let's tie it all together now, and implement the K-means clustering algorithm in its entirety, you can use the following code as a template, or you can make your own from scratch. Once the algorithm works and converges, plot the final result to see how it differs from the above plots. "
244 | ]
245 | },
246 | {
247 | "cell_type": "code",
248 | "collapsed": false,
249 | "input": [
250 | "# Funcion template -- fill in the gaps\n",
251 | "def kmeans(X, K, maxit=100):\n",
252 | " \n",
253 | " # initialise\n",
254 | " N, D = X.shape\n",
255 | " M = X[np.random.randint(0, N, size=K), :]\n",
256 | " obj = np.finfo(float).max\n",
257 | " \n",
258 | " # TODO: Any initialisation code\n",
259 | " \n",
260 | " for i in range(maxit):\n",
261 | " objo = obj\n",
262 | " \n",
263 | " # TODO: E-step, update indicators \n",
264 | " # TODO: M-step, update means\n",
265 | " # TODO: Calculate loss function i.e. obj =\n",
266 | " \n",
267 | " if (objo - obj) / objo < 1e-5:\n",
268 | " break\n",
269 | " \n",
270 | " return Z, M"
271 | ],
272 | "language": "python",
273 | "metadata": {},
274 | "outputs": []
275 | },
276 | {
277 | "cell_type": "code",
278 | "collapsed": false,
279 | "input": [
280 | "# Call your kmeans function on the data\n",
281 | "\n",
282 | "#TODO: k_means_labels, k_means_cluster_centers = \n",
283 | "\n",
284 | "# plot the final result\n",
285 | "tut.plot_2d_clusters(X, k_means_labels, k_means_cluster_centers)"
286 | ],
287 | "language": "python",
288 | "metadata": {},
289 | "outputs": []
290 | },
291 | {
292 | "cell_type": "markdown",
293 | "metadata": {},
294 | "source": [
295 | "**4)** K-means is often used to quantise various datasets, for instance, we can use it to \"compress\" images by clustering the RGB data into fewer colors. Open up the [kmeans-image](http://localhost:8888/notebooks/kmeans-image.ipynb) notebook to run this example (if you are running out of time, feel free to move on)."
296 | ]
297 | },
298 | {
299 | "cell_type": "markdown",
300 | "metadata": {},
301 | "source": [
302 | "##Gaussian Mixture Models\n",
303 | "[Gaussian mixture models](http://en.wikipedia.org/wiki/Mixture_model#Gaussian_mixture_model) (GMMs) can be viewed as a probabilistic generalisation of K-means (i.e. probabilistic cluster assignments) with the added ability to learn ellipsoidal clusters. In a GMM each observation is distributed according to a weighted sum of $K$ multivariate Gaussian distributions;\n",
304 | "\\begin{equation}\n",
305 | " \\obsind_n \\sim \\sum^K_{k=1} \\wgtmix_k \\gausC{\\obsind_n}{\\gausmean_k,\n",
306 | " \\gauscov_k}.\n",
307 | "\\end{equation}\n",
308 | "Here $\\wgtind = [\\wgtmix_1,\\ldots,\\wgtmix_k,\\ldots,\\wgtmix_K]\\transpose$ and $\\wgtmix_k \\in [0,1]$, with $\\sum_k \\wgtmix_k = 1$. $\\gauscov_k$ is a covariance matrix that describes the \"spread\" of uncertainty in the Gaussian distribution, which is usually ellipsoidal in shape. Here is an example of what a GMM may look like in two dimensions (we have plotted the 65% probability mass contours for the Gaussians):\n",
309 | "\n",
310 | "\n",
311 | "\n",
312 | "The weights of each Gaussian have in this mixture have not been explicitly represented, but they are implicit in the amount of observations (darkness of the voxels) they are modelling.\n",
313 | "\n",
314 | ">The following is a brief explanation of a GMM, it is more complex than K-means, so do not worry if you don't understand it fully - a full grasp of GMMs is not required for the exercises.\n",
315 | "\n",
316 | "We need a way to explicitly assign observations to mixtures or clusters. The same latent variable, $\\olabind_n$, used in K-means is introduced here as an auxiliary variable for this purpose, by inducing the following conditional relationship;\n",
317 | "\\begin{equation}\n",
318 | " \\probC{\\obsind_n}{\\olabind_n} = \\prod^K_{k=1}\n",
319 | " \\gausC{\\obsind_n}{\\gausmean_k, \\gauscov_k}^\\indic{\\olabind_n=k},\n",
320 | "\\end{equation}\n",
321 | "so given a cluster, $\\probC{\\obsind_n}{\\olabind_k=k} = \\gausC{\\obsind_n}\n",
322 | "{\\gausmean_k, \\gauscov_k}$. Now it can be seen that each cluster is\n",
323 | "modelled as a single Gaussian with a full covariance matrix. This auxiliary\n",
324 | "variable is itself distributed according to a Categorical distribution (same as a Multinomial distribution but with only one observation);\n",
325 | "\\begin{equation}\n",
326 | " \\olabind_n \\sim \\categ{\\wgtind} \n",
327 | " = \\prod^K_{k=1} \\wgtmix_k^\\indic{\\olabind_n = k}.\n",
328 | "\\end{equation}\n",
329 | "The joint distribution for this GMM can be written as,\n",
330 | "\\begin{equation}\n",
331 | " \\prob{\\obsall, \\olaball} = \\prod^N_{n=1} \\categC{\\olabind_n}{\\wgtind} \n",
332 | " \\prod^K_{k=1} \n",
333 | " \\gausC{\\obsind_n}{\\gausmean_k, \\gauscov_k}^\\indic{\\olabind_n=k}.\n",
334 | "\\end{equation}\n",
335 | "\n",
336 | "Now we need an algorithm that can learn the labels, $\\olabind_n$, cluster\n",
337 | "parameters, $\\gausmean_k$ and $\\gauscov_k$, and mixture weights, $\\wgtind$. Such an algorithm can be derived by maximising the *log-likelihood* of the data, \n",
338 | "\\begin{equation}\n",
339 | " \\log \\prob{\\obsall} = \\sum_{n=1}^N\n",
340 | " \\log \\sum^K_{k=1} \\wgtmix_k \\gausC{\\obsind_n}{\\gausmean_k,\n",
341 | " \\gauscov_k},\n",
342 | "\\end{equation}\n",
343 | "which is acheived by setting the partial derivative of this equation with respect to each parameter and the labels in turn to zero and solving for the parameters/labels.\n",
344 | "\n",
345 | "Firstly, maximising the log-likelihood with respect to $\\olabind_n$, yields;\n",
346 | "\\begin{equation}\n",
347 | " \\probC{\\olabind_n = k}{\\obsind_n} = \n",
348 | " \\frac{\\wgtmix_k \\gausC{\\obsind_n}{\\gausmean_k, \\gauscov_k}}\n",
349 | " {\\sum_l \\wgtmix_l \\gausC{\\obsind_n}{\\gausmean_l, \\gauscov_l}},\n",
350 | "\\end{equation}\n",
351 | "This is known as the *expectation* step, since the labels are probabilistically assigned their expected value given the observations and cluster parameters. \n",
352 | "\n",
353 | "Next, the parameters can be found by maximising the log-likelihood \n",
354 | "with respect to each parameter; \n",
355 | "\\begin{align}\n",
356 | " \\gausmean_k &= \\frac{\\sum_n \\probC{\\olabind_n=k}{\\obsind_n} \\obsind_n}\n",
357 | " {\\sum_n \\probC{\\olabind_n=k}{\\obsind_n}}, \\\\\n",
358 | " \\gauscov_k &= \\frac{1}{\\sum_n \\probC{\\olabind_n=k}{\\obsind_n}}\n",
359 | " \\sum^N_{n=1} \\probC{\\olabind_n = k}{\\obsind_n} (\\obsind_n -\n",
360 | " \\gausmean_k)(\\obsind_n - \\gausmean_k)\\transpose, \\\\\n",
361 | " \\wgtmix_k &= \\sum^N_{n=1} \\frac{\\probC{\\olabind_n = k}{\\obsind_n}}\n",
362 | " {\\sum_k \\probC{\\olabind_n = k}{\\obsind_n}}.\n",
363 | "\\end{align}\n",
364 | "This is called the *maximisation* step, because the value of the\n",
365 | "log-likelihood is maximised with respect to the parameters given the estimated latent variables. These two steps are iterated until the log-likelihood converges. This is known as the *expectation-maximisation* EM algorithm. For all intents and purposes it is the same algorithm used to learn K-means. \n",
366 | "\n",
367 | "Unfortunately this algorithm has a few drawbacks. Like K-means, it is only\n",
368 | "guaranteed to converge to a local maximum of the likelihood function. Also, the Gaussian cluster updates require a full $D \\times D$ covariance matrix inversion, which has an $\\bigO{D^3}$ computational cost. This can be circumvented by using diagonal covariance Gaussian clusters, or other distributions such as Multinomial, that have only $\\bigO{D}$ computational cost. Though some expressive power is lost since inter-dimensional correlation is not modelled.\n",
369 | "\n",
370 | "Another drawback is that this algorithm still cannot choose $K$. One way to\n",
371 | "allow the EM algorithm to choose $K$ is to include a penalty, or\n",
372 | "regulariser, for having too many parameters. In this way the maximum-likelihood fitting objective can be traded off against a model complexity penalty. Some popular penalties are the [Akaike information criterion](http://en.wikipedia.org/wiki/Akaike_information_criterion) and the [Bayesian information criterion](http://en.wikipedia.org/wiki/Bayesian_information_criterion). These criterion tend to under-penalise model complexity, and are sometimes computationally costly to calculate. Another way to choose $K$ is to use a fully Bayesian treatment, where we place prior distributions on the parameters (e.g. mean, covariance and weights), and then optimise the [log *marginal* likelihood](http://en.wikipedia.org/wiki/Marginal_likelihood) of the model, which also naturally incorporates a penalty for complexity. In the case of mixture models, the Bayesian learning algorithms can have very little additional computational cost compared to EM. For more information on EM algorithms for mixture models, see (Bishop, 2006) Chapters 9 and 10.\n",
373 | "\n"
374 | ]
375 | },
376 | {
377 | "cell_type": "markdown",
378 | "metadata": {},
379 | "source": [
380 | "### Exercises\n",
381 | "\n",
382 | "**5)** Run K-means on the following dataset with 3 clusters and visualise the results"
383 | ]
384 | },
385 | {
386 | "cell_type": "code",
387 | "collapsed": false,
388 | "input": [
389 | "# Load X from a dataset generation function from tututils\n",
390 | "X, truth = tut.load_2d_hard()\n",
391 | "\n",
392 | "#TODO: run K-means\n",
393 | "\n",
394 | "tut.plot_2d_clusters(X, labels, centres)"
395 | ],
396 | "language": "python",
397 | "metadata": {},
398 | "outputs": []
399 | },
400 | {
401 | "cell_type": "markdown",
402 | "metadata": {},
403 | "source": [
404 | "**6)** Now cluster the same data with a GMM, why do you think these results are so different?"
405 | ]
406 | },
407 | {
408 | "cell_type": "code",
409 | "collapsed": false,
410 | "input": [
411 | "from sklearn.mixture import GMM\n",
412 | "\n",
413 | "# Hint, use covariance_type='full' option\n",
414 | "\n",
415 | "#TODO: run GMM\n",
416 | "\n",
417 | "# Plot\n",
418 | "tut.plot_2d_GMMs(X, labels, means, covs)"
419 | ],
420 | "language": "python",
421 | "metadata": {},
422 | "outputs": []
423 | },
424 | {
425 | "cell_type": "markdown",
426 | "metadata": {},
427 | "source": [
428 | "**7)** Ok, now try K-means and GMMs with 6 clusters and plot the results, what happens?"
429 | ]
430 | },
431 | {
432 | "cell_type": "code",
433 | "collapsed": false,
434 | "input": [
435 | "# Kmeans clustering\n",
436 | "\n",
437 | "#TODO: run K-means\n",
438 | "\n",
439 | "tut.plot_2d_clusters(X, labels_k, centres)\n",
440 | "\n",
441 | "# GMM clustering\n",
442 | "\n",
443 | "#TODO: run GMM\n",
444 | "\n",
445 | "# Plot\n",
446 | "tut.plot_2d_GMMs(X, labels_g, means, covs)"
447 | ],
448 | "language": "python",
449 | "metadata": {},
450 | "outputs": []
451 | },
452 | {
453 | "cell_type": "markdown",
454 | "metadata": {},
455 | "source": [
456 | "As you can see, if we don't have a reasonable idea of the number of clusters before we begin, we may not get great results. As mentioned before, there are clustering methods that can also infer the number of clusters, some of which include:\n",
457 | "* variational Bayes Gaussian mixture models (VBGMM) ([Attias, 1999](http://arxiv.org/pdf/1301.6676.pdf); Bishop, 2006)\n",
458 | "* Dirichlet process or infinite Gaussian mixture models ([Rasmussen, 1999](http://www.gatsby.ucl.ac.uk/~edward/pub/inf.mix.nips.99.pdf))\n",
459 | "* Spectral clustering ([von Luxburg, 2007](http://www.informatik.uni-hamburg.de/ML/contents/people/luxburg/publications/Luxburg07_tutorial.pdf))\n",
460 | "* [DBSCAN](http://scikit-learn.org/stable/modules/generated/sklearn.cluster.DBSCAN.html)\n",
461 | "\n",
462 | "The scikit learn [clustering](http://scikit-learn.org/stable/modules/clustering.html) documentation also has a nice summary of the capabilites of many popular clustering algorithms, including a demonstration of the types of cluster shapes that can be modelled:\n",
463 | "\n",
464 | "
\n",
465 | "\n",
466 | "**8)** If we have some kind of ground truth labels (as we do in the `truth` variable from ex. 5) we can get a measure of a clustering solutions validity from various measures. One of the more popular and robust measure is [Normalised Mutual Information](http://scikit-learn.org/stable/modules/generated/sklearn.metrics.normalized_mutual_info_score.html) (NMI). What is nice about this measure is that the *number of cluster labels do not have to match the number of ground truth labels* unlike many classification metrics. \n",
467 | "\n",
468 | "Run both K-means and the GMM for varying number of clusters (1 to 6), and plot their NMI vs. number of clusters. "
469 | ]
470 | },
471 | {
472 | "cell_type": "code",
473 | "collapsed": false,
474 | "input": [
475 | "from sklearn.metrics import normalized_mutual_info_score\n",
476 | "\n",
477 | "Ks = range(1, 7)\n",
478 | "NMI_k = []\n",
479 | "NMI_g = []\n",
480 | "\n",
481 | "for k in Ks:\n",
482 | " \n",
483 | " # Kmeans clustering\n",
484 | " \n",
485 | " #TODO: run K-means\n",
486 | " #TODO: get NMI\n",
487 | " #TODO: append NMI, i.e. NMI_k.append(TODO)\n",
488 | " \n",
489 | " # GMM clustering\n",
490 | " \n",
491 | " #TODO: run GMM\n",
492 | " #TODO: get NMI\n",
493 | " #TODO: append NMI, i.e. NMI_g.append(TODO)\n",
494 | "\n",
495 | "#TODO: Plot both K-means NMI and GMM NMI vs. number of clusters"
496 | ],
497 | "language": "python",
498 | "metadata": {},
499 | "outputs": []
500 | },
501 | {
502 | "cell_type": "markdown",
503 | "metadata": {},
504 | "source": [
505 | "In reality, if we had all, or even some, of the labels like this it would more prudent to use a supervised classification method and the corresponding supervised classification performance metrics (like percent classification error, F-measure, etc). However clustering is still useful as a data exploration strategy, as well as a feature creation method for classification -- it is quite common to see kmeans with (very) large K being used to cluster inputs to a linear classifier to improve classification performance, among other strategies.\n",
506 | "\n",
507 | "As a final note, I would recommend against using the implementation of [Variational Bayes GMMs](http://scikit-learn.org/stable/modules/generated/sklearn.mixture.VBGMM.html) and [Dirichlet Process GMMs](http://scikit-learn.org/stable/modules/generated/sklearn.mixture.DPGMM.html) in scikit learn for now, I have never had much luck with them, and could not even get them to fit the above datasets. If you would like to test out these algorithms, I have a much more robust implementation in [libcluster](https://github.com/dsteinberg/libcluster). "
508 | ]
509 | },
510 | {
511 | "cell_type": "markdown",
512 | "metadata": {},
513 | "source": [
514 | "# Topic Models\n",
515 | "The purpose of topic modelling is to generally learn some low-dimensional representation of a large collection of textual documents, called a *corpus*. The representation can be used to summarize a corpus, or for retrieval of documents that are similar to a query document.\n",
516 | "\n",
517 | "Typically topic models are learned by analysing the distribution of words within a corpus, in particular how they cluster together within documents that have similar subjects. These clusters of words are referred to as \"topics\", and documents may comprise several topics in different amounts. These topics are essentially the low-dimensional representation of documents learned by topic models. \n",
518 | "\n",
519 | "## Latent Dirichlet Allocation\n",
520 | "One of the most well known topic models is [latent Dirichlet allocation](http://en.wikipedia.org/wiki/Latent_Dirichlet_allocation) (LDA) (Blei, 2003), also known as multinomial PCA (Buntine, 2002). \n",
521 | "\n",
522 | "Typically a corpus is broken down as follows:\n",
523 | "* There are $J$ documents in a corpus,\n",
524 | "* there are $N_j$ words in each document, $j$,\n",
525 | "* a word, $\\sobsind_{nj}$, is represented as an *index* into a vocabulary, i.e. $\\sobsind_{jn} \\in \\cbrac{1,\\ldots,D}$ where $D$ is the size of the vocabulary.\n",
526 | "\n",
527 | "So we can think of our whole dataset (corpus) being made up of sub-datasets (documents), $\\obsall = \\cbrac{\\obsall_j}^J_{j=1}$, which are collections of words in each document, $\\obsall_j = \\cbrac{\\sobsind_{jn}}^{N_j}_{n=1}$. This is called a *bag of words* model, because order of the words is assumed unimportant. This simplifying assumption is known as the exchangeability assumption. \n",
528 | "\n",
529 | "LDA goes on to model a corpus as follows:\n",
530 | "* Each document, $j$, is represented as a *low-dimensional* proportion of $K$ topics $$\\wgtind_j \\sim \\dir{\\dirall},$$ where $\\wgtind_j = \\cbrac{\\wgtmix_{j1}, \\ldots, \\wgtmix_{jK}}$ and $\\sum_k \\wgtmix_k = 1$.\n",
531 | "* Each word, $\\sobsind_{jn}$, is drawn from a *per-topic vocabulary*, represented as a categorical distribution, in proportion to the *per-document topic mixture* $$\\sobsind_{jn} \\sim \\sum^K_{k=1} \\wgtmix_{jk} \\categC{\\sobsind_{jn}}{\\mwgtind_k},$$ where $\\mwgtind_k$ are the parameters of the topic categorical distribution (which are also vector of weights that sum to one).\n",
532 | "\n",
533 | "This is very similar to the GMM we saw before, the differences being that we now have Categorical clusters as opposed to Gaussian clusters, and that we have mixture weights, $\\wgtmix_{jk}$, *specific to each document*. What is nice is that the clusters/topics are *shared* over all documents. This enables us to view these topic/cluster weights, $\\wgtind_j$ as a low-dimensional description of the original document, i.e. a mixture of topics!\n",
534 | "\n",
535 | "This is a Bayesian model and sometimes has a prior also placed on $\\mwgtind_k \\sim \\dir{\\dircall}$, which is called smoothed LDA.\n",
536 | "\n",
537 | "LDA can use fast sampling techniques, such as Gibbs sampling, or approximate marginal likelihood techniques, such as variational Bayes, for learning the model latent variables and hyper-parameters. Limitations have also been found with LDA. For example, it is not effective in choosing the number of topics ($K$), and the symmetric Dirichlet prior over topic weights, has been found to be too restrictive. Hierarchical Dirichlet processes (Teh, 2006) have been developed to overcome both of these issues (but is beyond the scope of this tutorial)."
538 | ]
539 | },
540 | {
541 | "cell_type": "markdown",
542 | "metadata": {},
543 | "source": [
544 | "**9)** For this exercise we will run LDA on a fairly standard dataset comprising news articles from Reuters.\n",
545 | "\n",
546 | "For this exercise you'll need [this](https://pypi.python.org/pypi/lda) python LDA package. It can be installed via pip easily:\n",
547 | " \n",
548 | " $ sudo pip install lda # you may need to use your distribution's version of pip (pip3, pip-python3, conda etc)\n",
549 | "\n",
550 | "Also, this *may* require you to also manually install the `pbr` python package (also through pip). \n",
551 | "Now, essentially follow the getting started tutorial in the [documentation](http://pythonhosted.org//lda/getting_started.html). It is worth noting that this dataset has undergone quite a bit of pre-processing, such as removing certain [\"stop\" words](http://en.wikipedia.org/wiki/Stop_words) so the resultant topics are not inundated with common and uninformative words likes \"and\"."
552 | ]
553 | },
554 | {
555 | "cell_type": "code",
556 | "collapsed": false,
557 | "input": [
558 | "import lda\n",
559 | "import lda.datasets\n",
560 | "\n",
561 | "# Load the data\n",
562 | "X = lda.datasets.load_reuters()\n",
563 | "vocab = lda.datasets.load_reuters_vocab()\n",
564 | "\n",
565 | "# TODO: create the LDA object with 20 topics\n",
566 | "#model = \n",
567 | "\n",
568 | "# TODO: fit the LDA object to data\n",
569 | "\n",
570 | "# Print out a selection of topics\n",
571 | "topic_word = model.topic_word_ # model.components_ also works\n",
572 | "n_top_words = 8\n",
573 | "for i, topic_dist in enumerate(topic_word):\n",
574 | " topic_words = np.array(vocab)[np.argsort(topic_dist)][:-n_top_words:-1]\n",
575 | " print('Topic {}: {}'.format(i, ' '.join(topic_words)))"
576 | ],
577 | "language": "python",
578 | "metadata": {},
579 | "outputs": []
580 | },
581 | {
582 | "cell_type": "markdown",
583 | "metadata": {},
584 | "source": [
585 | "**10)** Try setting the number of topics found to different numbers, and see what impact there is on the results."
586 | ]
587 | },
588 | {
589 | "cell_type": "code",
590 | "collapsed": false,
591 | "input": [
592 | "# TODO, repeat above, but with a different number of topics"
593 | ],
594 | "language": "python",
595 | "metadata": {},
596 | "outputs": []
597 | },
598 | {
599 | "cell_type": "markdown",
600 | "metadata": {},
601 | "source": [
602 | "# Bibliography\n",
603 | "\n",
604 | "* (Bishop, 2006) C. M. Bishop. Pattern Recognition and Machine Learning. Springer Science+Business Media, Cambridge, UK, 2006.\n",
605 | "\n",
606 | "* (Blei, 2003) D. M. Blei and M. I. Jordan. Modeling annotated data. In Proceedings of the 26th annual international ACM SIGIR conference on Research and development in informaion retrieval, SIGIR \u201903, pages 127\u2013134, New York, NY, USA, 2003. ACM. ISBN 1-58113-646-3.\n",
607 | "\n",
608 | "* (Buntine, 2002) W. Buntine. Variational extensions to EM and multinomial PCA. Machine Learning: ECML 2002, pages 23\u201334, 2002.\n",
609 | "\n",
610 | "* (Teh, 2006) Y. W. Teh, M. I. Jordan, M. J. Beal, and D. M. Blei. Hierarchical Dirichlet processes. Journal of the American Statistical Association, 101(476):1566\u20131581, 2006.\n",
611 | "\n"
612 | ]
613 | }
614 | ],
615 | "metadata": {}
616 | }
617 | ]
618 | }
--------------------------------------------------------------------------------
/classification/titanic_train.csv:
--------------------------------------------------------------------------------
1 | PassengerId,Survived,Pclass,Name,Sex,Age,SibSp,Parch,Ticket,Fare,Cabin,Embarked
2 | 2,1,1,"Cumings, Mrs. John Bradley (Florence Briggs Thayer)",female,38,1,0,PC 17599,71.2833,C85,C
3 | 3,1,3,"Heikkinen, Miss. Laina",female,26,0,0,STON/O2. 3101282,7.925,,S
4 | 4,1,1,"Futrelle, Mrs. Jacques Heath (Lily May Peel)",female,35,1,0,113803,53.1,C123,S
5 | 5,0,3,"Allen, Mr. William Henry",male,35,0,0,373450,8.05,,S
6 | 6,0,3,"Moran, Mr. James",male,,0,0,330877,8.4583,,Q
7 | 9,1,3,"Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)",female,27,0,2,347742,11.1333,,S
8 | 11,1,3,"Sandstrom, Miss. Marguerite Rut",female,4,1,1,PP 9549,16.7,G6,S
9 | 12,1,1,"Bonnell, Miss. Elizabeth",female,58,0,0,113783,26.55,C103,S
10 | 13,0,3,"Saundercock, Mr. William Henry",male,20,0,0,A/5. 2151,8.05,,S
11 | 15,0,3,"Vestrom, Miss. Hulda Amanda Adolfina",female,14,0,0,350406,7.8542,,S
12 | 17,0,3,"Rice, Master. Eugene",male,2,4,1,382652,29.125,,Q
13 | 18,1,2,"Williams, Mr. Charles Eugene",male,,0,0,244373,13,,S
14 | 19,0,3,"Vander Planke, Mrs. Julius (Emelia Maria Vandemoortele)",female,31,1,0,345763,18,,S
15 | 21,0,2,"Fynney, Mr. Joseph J",male,35,0,0,239865,26,,S
16 | 22,1,2,"Beesley, Mr. Lawrence",male,34,0,0,248698,13,D56,S
17 | 23,1,3,"McGowan, Miss. Anna ""Annie""",female,15,0,0,330923,8.0292,,Q
18 | 25,0,3,"Palsson, Miss. Torborg Danira",female,8,3,1,349909,21.075,,S
19 | 26,1,3,"Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)",female,38,1,5,347077,31.3875,,S
20 | 28,0,1,"Fortune, Mr. Charles Alexander",male,19,3,2,19950,263,C23 C25 C27,S
21 | 29,1,3,"O'Dwyer, Miss. Ellen ""Nellie""",female,,0,0,330959,7.8792,,Q
22 | 30,0,3,"Todoroff, Mr. Lalio",male,,0,0,349216,7.8958,,S
23 | 31,0,1,"Uruchurtu, Don. Manuel E",male,40,0,0,PC 17601,27.7208,,C
24 | 32,1,1,"Spencer, Mrs. William Augustus (Marie Eugenie)",female,,1,0,PC 17569,146.5208,B78,C
25 | 37,1,3,"Mamee, Mr. Hanna",male,,0,0,2677,7.2292,,C
26 | 42,0,2,"Turpin, Mrs. William John Robert (Dorothy Ann Wonnacott)",female,27,1,0,11668,21,,S
27 | 44,1,2,"Laroche, Miss. Simonne Marie Anne Andree",female,3,1,2,SC/Paris 2123,41.5792,,C
28 | 45,1,3,"Devaney, Miss. Margaret Delia",female,19,0,0,330958,7.8792,,Q
29 | 46,0,3,"Rogers, Mr. William John",male,,0,0,S.C./A.4. 23567,8.05,,S
30 | 50,0,3,"Arnold-Franchi, Mrs. Josef (Josefine Franchi)",female,18,1,0,349237,17.8,,S
31 | 51,0,3,"Panula, Master. Juha Niilo",male,7,4,1,3101295,39.6875,,S
32 | 52,0,3,"Nosworthy, Mr. Richard Cater",male,21,0,0,A/4. 39886,7.8,,S
33 | 54,1,2,"Faunthorpe, Mrs. Lizzie (Elizabeth Anne Wilkinson)",female,29,1,0,2926,26,,S
34 | 55,0,1,"Ostby, Mr. Engelhart Cornelius",male,65,0,1,113509,61.9792,B30,C
35 | 56,1,1,"Woolner, Mr. Hugh",male,,0,0,19947,35.5,C52,S
36 | 57,1,2,"Rugg, Miss. Emily",female,21,0,0,C.A. 31026,10.5,,S
37 | 58,0,3,"Novel, Mr. Mansouer",male,28.5,0,0,2697,7.2292,,C
38 | 59,1,2,"West, Miss. Constance Mirium",female,5,1,2,C.A. 34651,27.75,,S
39 | 60,0,3,"Goodwin, Master. William Frederick",male,11,5,2,CA 2144,46.9,,S
40 | 62,1,1,"Icard, Miss. Amelie",female,38,0,0,113572,80,B28,
41 | 64,0,3,"Skoog, Master. Harald",male,4,3,2,347088,27.9,,S
42 | 66,1,3,"Moubarek, Master. Gerios",male,,1,1,2661,15.2458,,C
43 | 67,1,2,"Nye, Mrs. (Elizabeth Ramell)",female,29,0,0,C.A. 29395,10.5,F33,S
44 | 68,0,3,"Crease, Mr. Ernest James",male,19,0,0,S.P. 3464,8.1583,,S
45 | 69,1,3,"Andersson, Miss. Erna Alexandra",female,17,4,2,3101281,7.925,,S
46 | 70,0,3,"Kink, Mr. Vincenz",male,26,2,0,315151,8.6625,,S
47 | 72,0,3,"Goodwin, Miss. Lillian Amy",female,16,5,2,CA 2144,46.9,,S
48 | 75,1,3,"Bing, Mr. Lee",male,32,0,0,1601,56.4958,,S
49 | 77,0,3,"Staneff, Mr. Ivan",male,,0,0,349208,7.8958,,S
50 | 79,1,2,"Caldwell, Master. Alden Gates",male,0.83,0,2,248738,29,,S
51 | 83,1,3,"McDermott, Miss. Brigdet Delia",female,,0,0,330932,7.7875,,Q
52 | 84,0,1,"Carrau, Mr. Francisco M",male,28,0,0,113059,47.1,,S
53 | 87,0,3,"Ford, Mr. William Neal",male,16,1,3,W./C. 6608,34.375,,S
54 | 88,0,3,"Slocovski, Mr. Selman Francis",male,,0,0,SOTON/OQ 392086,8.05,,S
55 | 89,1,1,"Fortune, Miss. Mabel Helen",female,23,3,2,19950,263,C23 C25 C27,S
56 | 90,0,3,"Celotti, Mr. Francesco",male,24,0,0,343275,8.05,,S
57 | 92,0,3,"Andreasson, Mr. Paul Edvin",male,20,0,0,347466,7.8542,,S
58 | 96,0,3,"Shorney, Mr. Charles Joseph",male,,0,0,374910,8.05,,S
59 | 97,0,1,"Goldschmidt, Mr. George B",male,71,0,0,PC 17754,34.6542,A5,C
60 | 98,1,1,"Greenfield, Mr. William Bertram",male,23,0,1,PC 17759,63.3583,D10 D12,C
61 | 100,0,2,"Kantor, Mr. Sinai",male,34,1,0,244367,26,,S
62 | 101,0,3,"Petranec, Miss. Matilda",female,28,0,0,349245,7.8958,,S
63 | 102,0,3,"Petroff, Mr. Pastcho (""Pentcho"")",male,,0,0,349215,7.8958,,S
64 | 105,0,3,"Gustafsson, Mr. Anders Vilhelm",male,37,2,0,3101276,7.925,,S
65 | 106,0,3,"Mionoff, Mr. Stoytcho",male,28,0,0,349207,7.8958,,S
66 | 108,1,3,"Moss, Mr. Albert Johan",male,,0,0,312991,7.775,,S
67 | 109,0,3,"Rekic, Mr. Tido",male,38,0,0,349249,7.8958,,S
68 | 112,0,3,"Zabour, Miss. Hileni",female,14.5,1,0,2665,14.4542,,C
69 | 115,0,3,"Attalah, Miss. Malake",female,17,0,0,2627,14.4583,,C
70 | 119,0,1,"Baxter, Mr. Quigg Edmond",male,24,0,1,PC 17558,247.5208,B58 B60,C
71 | 120,0,3,"Andersson, Miss. Ellis Anna Maria",female,2,4,2,347082,31.275,,S
72 | 122,0,3,"Moore, Mr. Leonard Charles",male,,0,0,A4. 54510,8.05,,S
73 | 123,0,2,"Nasser, Mr. Nicholas",male,32.5,1,0,237736,30.0708,,C
74 | 124,1,2,"Webber, Miss. Susan",female,32.5,0,0,27267,13,E101,S
75 | 125,0,1,"White, Mr. Percival Wayland",male,54,0,1,35281,77.2875,D26,S
76 | 126,1,3,"Nicola-Yarred, Master. Elias",male,12,1,0,2651,11.2417,,C
77 | 127,0,3,"McMahon, Mr. Martin",male,,0,0,370372,7.75,,Q
78 | 129,1,3,"Peter, Miss. Anna",female,,1,1,2668,22.3583,F E69,C
79 | 131,0,3,"Drazenoic, Mr. Jozef",male,33,0,0,349241,7.8958,,C
80 | 132,0,3,"Coelho, Mr. Domingos Fernandeo",male,20,0,0,SOTON/O.Q. 3101307,7.05,,S
81 | 133,0,3,"Robins, Mrs. Alexander A (Grace Charity Laury)",female,47,1,0,A/5. 3337,14.5,,S
82 | 134,1,2,"Weisz, Mrs. Leopold (Mathilde Francoise Pede)",female,29,1,0,228414,26,,S
83 | 135,0,2,"Sobey, Mr. Samuel James Hayden",male,25,0,0,C.A. 29178,13,,S
84 | 136,0,2,"Richard, Mr. Emile",male,23,0,0,SC/PARIS 2133,15.0458,,C
85 | 138,0,1,"Futrelle, Mr. Jacques Heath",male,37,1,0,113803,53.1,C123,S
86 | 143,1,3,"Hakkarainen, Mrs. Pekka Pietari (Elin Matilda Dolck)",female,24,1,0,STON/O2. 3101279,15.85,,S
87 | 144,0,3,"Burke, Mr. Jeremiah",male,19,0,0,365222,6.75,,Q
88 | 145,0,2,"Andrew, Mr. Edgardo Samuel",male,18,0,0,231945,11.5,,S
89 | 148,0,3,"Ford, Miss. Robina Maggie ""Ruby""",female,9,2,2,W./C. 6608,34.375,,S
90 | 149,0,2,"Navratil, Mr. Michel (""Louis M Hoffman"")",male,36.5,0,2,230080,26,F2,S
91 | 151,0,2,"Bateman, Rev. Robert James",male,51,0,0,S.O.P. 1166,12.525,,S
92 | 153,0,3,"Meo, Mr. Alfonzo",male,55.5,0,0,A.5. 11206,8.05,,S
93 | 155,0,3,"Olsen, Mr. Ole Martin",male,,0,0,Fa 265302,7.3125,,S
94 | 156,0,1,"Williams, Mr. Charles Duane",male,51,0,1,PC 17597,61.3792,,C
95 | 157,1,3,"Gilnagh, Miss. Katherine ""Katie""",female,16,0,0,35851,7.7333,,Q
96 | 159,0,3,"Smiljanic, Mr. Mile",male,,0,0,315037,8.6625,,S
97 | 160,0,3,"Sage, Master. Thomas Henry",male,,8,2,CA. 2343,69.55,,S
98 | 162,1,2,"Watt, Mrs. James (Elizabeth ""Bessie"" Inglis Milne)",female,40,0,0,C.A. 33595,15.75,,S
99 | 165,0,3,"Panula, Master. Eino Viljami",male,1,4,1,3101295,39.6875,,S
100 | 166,1,3,"Goldsmith, Master. Frank John William ""Frankie""",male,9,0,2,363291,20.525,,S
101 | 167,1,1,"Chibnall, Mrs. (Edith Martha Bowerman)",female,,0,1,113505,55,E33,S
102 | 168,0,3,"Skoog, Mrs. William (Anna Bernhardina Karlsson)",female,45,1,4,347088,27.9,,S
103 | 169,0,1,"Baumann, Mr. John D",male,,0,0,PC 17318,25.925,,S
104 | 171,0,1,"Van der hoef, Mr. Wyckoff",male,61,0,0,111240,33.5,B19,S
105 | 172,0,3,"Rice, Master. Arthur",male,4,4,1,382652,29.125,,Q
106 | 173,1,3,"Johnson, Miss. Eleanor Ileen",female,1,1,1,347742,11.1333,,S
107 | 174,0,3,"Sivola, Mr. Antti Wilhelm",male,21,0,0,STON/O 2. 3101280,7.925,,S
108 | 175,0,1,"Smith, Mr. James Clinch",male,56,0,0,17764,30.6958,A7,C
109 | 176,0,3,"Klasen, Mr. Klas Albin",male,18,1,1,350404,7.8542,,S
110 | 177,0,3,"Lefebre, Master. Henry Forbes",male,,3,1,4133,25.4667,,S
111 | 178,0,1,"Isham, Miss. Ann Elizabeth",female,50,0,0,PC 17595,28.7125,C49,C
112 | 179,0,2,"Hale, Mr. Reginald",male,30,0,0,250653,13,,S
113 | 182,0,2,"Pernot, Mr. Rene",male,,0,0,SC/PARIS 2131,15.05,,C
114 | 183,0,3,"Asplund, Master. Clarence Gustaf Hugo",male,9,4,2,347077,31.3875,,S
115 | 185,1,3,"Kink-Heilmann, Miss. Luise Gretchen",female,4,0,2,315153,22.025,,S
116 | 186,0,1,"Rood, Mr. Hugh Roscoe",male,,0,0,113767,50,A32,S
117 | 187,1,3,"O'Brien, Mrs. Thomas (Johanna ""Hannah"" Godfrey)",female,,1,0,370365,15.5,,Q
118 | 188,1,1,"Romaine, Mr. Charles Hallace (""Mr C Rolmane"")",male,45,0,0,111428,26.55,,S
119 | 189,0,3,"Bourke, Mr. John",male,40,1,1,364849,15.5,,Q
120 | 191,1,2,"Pinsky, Mrs. (Rosa)",female,32,0,0,234604,13,,S
121 | 192,0,2,"Carbines, Mr. William",male,19,0,0,28424,13,,S
122 | 193,1,3,"Andersen-Jensen, Miss. Carla Christine Nielsine",female,19,1,0,350046,7.8542,,S
123 | 194,1,2,"Navratil, Master. Michel M",male,3,1,1,230080,26,F2,S
124 | 195,1,1,"Brown, Mrs. James Joseph (Margaret Tobin)",female,44,0,0,PC 17610,27.7208,B4,C
125 | 196,1,1,"Lurette, Miss. Elise",female,58,0,0,PC 17569,146.5208,B80,C
126 | 197,0,3,"Mernagh, Mr. Robert",male,,0,0,368703,7.75,,Q
127 | 198,0,3,"Olsen, Mr. Karl Siegwart Andreas",male,42,0,1,4579,8.4042,,S
128 | 199,1,3,"Madigan, Miss. Margaret ""Maggie""",female,,0,0,370370,7.75,,Q
129 | 203,0,3,"Johanson, Mr. Jakob Alfred",male,34,0,0,3101264,6.4958,,S
130 | 204,0,3,"Youseff, Mr. Gerious",male,45.5,0,0,2628,7.225,,C
131 | 205,1,3,"Cohen, Mr. Gurshon ""Gus""",male,18,0,0,A/5 3540,8.05,,S
132 | 207,0,3,"Backstrom, Mr. Karl Alfred",male,32,1,0,3101278,15.85,,S
133 | 209,1,3,"Carr, Miss. Helen ""Ellen""",female,16,0,0,367231,7.75,,Q
134 | 211,0,3,"Ali, Mr. Ahmed",male,24,0,0,SOTON/O.Q. 3101311,7.05,,S
135 | 212,1,2,"Cameron, Miss. Clear Annie",female,35,0,0,F.C.C. 13528,21,,S
136 | 214,0,2,"Givard, Mr. Hans Kristensen",male,30,0,0,250646,13,,S
137 | 215,0,3,"Kiernan, Mr. Philip",male,,1,0,367229,7.75,,Q
138 | 216,1,1,"Newell, Miss. Madeleine",female,31,1,0,35273,113.275,D36,C
139 | 218,0,2,"Jacobsohn, Mr. Sidney Samuel",male,42,1,0,243847,27,,S
140 | 219,1,1,"Bazzani, Miss. Albina",female,32,0,0,11813,76.2917,D15,C
141 | 222,0,2,"Bracken, Mr. James H",male,27,0,0,220367,13,,S
142 | 225,1,1,"Hoyt, Mr. Frederick Maxfield",male,38,1,0,19943,90,C93,S
143 | 229,0,2,"Fahlstrom, Mr. Arne Jonas",male,18,0,0,236171,13,,S
144 | 230,0,3,"Lefebre, Miss. Mathilde",female,,3,1,4133,25.4667,,S
145 | 236,0,3,"Harknett, Miss. Alice Phoebe",female,,0,0,W./C. 6609,7.55,,S
146 | 237,0,2,"Hold, Mr. Stephen",male,44,1,0,26707,26,,S
147 | 238,1,2,"Collyer, Miss. Marjorie ""Lottie""",female,8,0,2,C.A. 31921,26.25,,S
148 | 239,0,2,"Pengelly, Mr. Frederick William",male,19,0,0,28665,10.5,,S
149 | 240,0,2,"Hunt, Mr. George Henry",male,33,0,0,SCO/W 1585,12.275,,S
150 | 241,0,3,"Zabour, Miss. Thamine",female,,1,0,2665,14.4542,,C
151 | 244,0,3,"Maenpaa, Mr. Matti Alexanteri",male,22,0,0,STON/O 2. 3101275,7.125,,S
152 | 246,0,1,"Minahan, Dr. William Edward",male,44,2,0,19928,90,C78,Q
153 | 249,1,1,"Beckwith, Mr. Richard Leonard",male,37,1,1,11751,52.5542,D35,S
154 | 250,0,2,"Carter, Rev. Ernest Courtenay",male,54,1,0,244252,26,,S
155 | 252,0,3,"Strom, Mrs. Wilhelm (Elna Matilda Persson)",female,29,1,1,347054,10.4625,G6,S
156 | 253,0,1,"Stead, Mr. William Thomas",male,62,0,0,113514,26.55,C87,S
157 | 254,0,3,"Lobb, Mr. William Arthur",male,30,1,0,A/5. 3336,16.1,,S
158 | 255,0,3,"Rosblom, Mrs. Viktor (Helena Wilhelmina)",female,41,0,2,370129,20.2125,,S
159 | 257,1,1,"Thorne, Mrs. Gertrude Maybelle",female,,0,0,PC 17585,79.2,,C
160 | 258,1,1,"Cherry, Miss. Gladys",female,30,0,0,110152,86.5,B77,S
161 | 259,1,1,"Ward, Miss. Anna",female,35,0,0,PC 17755,512.3292,,C
162 | 260,1,2,"Parrish, Mrs. (Lutie Davis)",female,50,0,1,230433,26,,S
163 | 262,1,3,"Asplund, Master. Edvin Rojj Felix",male,3,4,2,347077,31.3875,,S
164 | 263,0,1,"Taussig, Mr. Emil",male,52,1,1,110413,79.65,E67,S
165 | 264,0,1,"Harrison, Mr. William",male,40,0,0,112059,0,B94,S
166 | 265,0,3,"Henry, Miss. Delia",female,,0,0,382649,7.75,,Q
167 | 268,1,3,"Persson, Mr. Ernst Ulrik",male,25,1,0,347083,7.775,,S
168 | 269,1,1,"Graham, Mrs. William Thompson (Edith Junkins)",female,58,0,1,PC 17582,153.4625,C125,S
169 | 270,1,1,"Bissette, Miss. Amelia",female,35,0,0,PC 17760,135.6333,C99,S
170 | 273,1,2,"Mellinger, Mrs. (Elizabeth Anne Maidment)",female,41,0,1,250644,19.5,,S
171 | 274,0,1,"Natsch, Mr. Charles H",male,37,0,1,PC 17596,29.7,C118,C
172 | 275,1,3,"Healy, Miss. Hanora ""Nora""",female,,0,0,370375,7.75,,Q
173 | 276,1,1,"Andrews, Miss. Kornelia Theodosia",female,63,1,0,13502,77.9583,D7,S
174 | 277,0,3,"Lindblom, Miss. Augusta Charlotta",female,45,0,0,347073,7.75,,S
175 | 278,0,2,"Parkes, Mr. Francis ""Frank""",male,,0,0,239853,0,,S
176 | 281,0,3,"Duane, Mr. Frank",male,65,0,0,336439,7.75,,Q
177 | 282,0,3,"Olsson, Mr. Nils Johan Goransson",male,28,0,0,347464,7.8542,,S
178 | 286,0,3,"Stankovic, Mr. Ivan",male,33,0,0,349239,8.6625,,C
179 | 287,1,3,"de Mulder, Mr. Theodore",male,30,0,0,345774,9.5,,S
180 | 290,1,3,"Connolly, Miss. Kate",female,22,0,0,370373,7.75,,Q
181 | 291,1,1,"Barber, Miss. Ellen ""Nellie""",female,26,0,0,19877,78.85,,S
182 | 292,1,1,"Bishop, Mrs. Dickinson H (Helen Walton)",female,19,1,0,11967,91.0792,B49,C
183 | 293,0,2,"Levy, Mr. Rene Jacques",male,36,0,0,SC/Paris 2163,12.875,D,C
184 | 294,0,3,"Haas, Miss. Aloisia",female,24,0,0,349236,8.85,,S
185 | 295,0,3,"Mineff, Mr. Ivan",male,24,0,0,349233,7.8958,,S
186 | 296,0,1,"Lewy, Mr. Ervin G",male,,0,0,PC 17612,27.7208,,C
187 | 297,0,3,"Hanna, Mr. Mansour",male,23.5,0,0,2693,7.2292,,C
188 | 299,1,1,"Saalfeld, Mr. Adolphe",male,,0,0,19988,30.5,C106,S
189 | 300,1,1,"Baxter, Mrs. James (Helene DeLaudeniere Chaput)",female,50,0,1,PC 17558,247.5208,B58 B60,C
190 | 301,1,3,"Kelly, Miss. Anna Katherine ""Annie Kate""",female,,0,0,9234,7.75,,Q
191 | 307,1,1,"Fleming, Miss. Margaret",female,,0,0,17421,110.8833,,C
192 | 308,1,1,"Penasco y Castellana, Mrs. Victor de Satode (Maria Josefa Perez de Soto y Vallejo)",female,17,1,0,PC 17758,108.9,C65,C
193 | 309,0,2,"Abelson, Mr. Samuel",male,30,1,0,P/PP 3381,24,,C
194 | 312,1,1,"Ryerson, Miss. Emily Borie",female,18,2,2,PC 17608,262.375,B57 B59 B63 B66,C
195 | 313,0,2,"Lahtinen, Mrs. William (Anna Sylfven)",female,26,1,1,250651,26,,S
196 | 314,0,3,"Hendekovic, Mr. Ignjac",male,28,0,0,349243,7.8958,,S
197 | 316,1,3,"Nilsson, Miss. Helmina Josefina",female,26,0,0,347470,7.8542,,S
198 | 317,1,2,"Kantor, Mrs. Sinai (Miriam Sternin)",female,24,1,0,244367,26,,S
199 | 319,1,1,"Wick, Miss. Mary Natalie",female,31,0,2,36928,164.8667,C7,S
200 | 320,1,1,"Spedden, Mrs. Frederic Oakley (Margaretta Corning Stone)",female,40,1,1,16966,134.5,E34,C
201 | 322,0,3,"Danoff, Mr. Yoto",male,27,0,0,349219,7.8958,,S
202 | 323,1,2,"Slayter, Miss. Hilda Mary",female,30,0,0,234818,12.35,,Q
203 | 324,1,2,"Caldwell, Mrs. Albert Francis (Sylvia Mae Harbaugh)",female,22,1,1,248738,29,,S
204 | 326,1,1,"Young, Miss. Marie Grice",female,36,0,0,PC 17760,135.6333,C32,C
205 | 328,1,2,"Ball, Mrs. (Ada E Hall)",female,36,0,0,28551,13,D,S
206 | 330,1,1,"Hippach, Miss. Jean Gertrude",female,16,0,1,111361,57.9792,B18,C
207 | 333,0,1,"Graham, Mr. George Edward",male,38,0,1,PC 17582,153.4625,C91,S
208 | 335,1,1,"Frauenthal, Mrs. Henry William (Clara Heinsheimer)",female,,1,0,PC 17611,133.65,,S
209 | 336,0,3,"Denkoff, Mr. Mitto",male,,0,0,349225,7.8958,,S
210 | 337,0,1,"Pears, Mr. Thomas Clinton",male,29,1,0,113776,66.6,C2,S
211 | 338,1,1,"Burns, Miss. Elizabeth Margaret",female,41,0,0,16966,134.5,E40,C
212 | 339,1,3,"Dahl, Mr. Karl Edwart",male,45,0,0,7598,8.05,,S
213 | 340,0,1,"Blackwell, Mr. Stephen Weart",male,45,0,0,113784,35.5,T,S
214 | 341,1,2,"Navratil, Master. Edmond Roger",male,2,1,1,230080,26,F2,S
215 | 342,1,1,"Fortune, Miss. Alice Elizabeth",female,24,3,2,19950,263,C23 C25 C27,S
216 | 343,0,2,"Collander, Mr. Erik Gustaf",male,28,0,0,248740,13,,S
217 | 344,0,2,"Sedgwick, Mr. Charles Frederick Waddington",male,25,0,0,244361,13,,S
218 | 346,1,2,"Brown, Miss. Amelia ""Mildred""",female,24,0,0,248733,13,F33,S
219 | 347,1,2,"Smith, Miss. Marion Elsie",female,40,0,0,31418,13,,S
220 | 348,1,3,"Davison, Mrs. Thomas Henry (Mary E Finck)",female,,1,0,386525,16.1,,S
221 | 349,1,3,"Coutts, Master. William Loch ""William""",male,3,1,1,C.A. 37671,15.9,,S
222 | 352,0,1,"Williams-Lambert, Mr. Fletcher Fellows",male,,0,0,113510,35,C128,S
223 | 354,0,3,"Arnold-Franchi, Mr. Josef",male,25,1,0,349237,17.8,,S
224 | 355,0,3,"Yousif, Mr. Wazli",male,,0,0,2647,7.225,,C
225 | 356,0,3,"Vanden Steen, Mr. Leo Peter",male,28,0,0,345783,9.5,,S
226 | 357,1,1,"Bowerman, Miss. Elsie Edith",female,22,0,1,113505,55,E33,S
227 | 358,0,2,"Funk, Miss. Annie Clemmer",female,38,0,0,237671,13,,S
228 | 359,1,3,"McGovern, Miss. Mary",female,,0,0,330931,7.8792,,Q
229 | 362,0,2,"del Carlo, Mr. Sebastiano",male,29,1,0,SC/PARIS 2167,27.7208,,C
230 | 364,0,3,"Asim, Mr. Adola",male,35,0,0,SOTON/O.Q. 3101310,7.05,,S
231 | 365,0,3,"O'Brien, Mr. Thomas",male,,1,0,370365,15.5,,Q
232 | 367,1,1,"Warren, Mrs. Frank Manley (Anna Sophia Atkinson)",female,60,1,0,110813,75.25,D37,C
233 | 368,1,3,"Moussa, Mrs. (Mantoura Boulos)",female,,0,0,2626,7.2292,,C
234 | 369,1,3,"Jermyn, Miss. Annie",female,,0,0,14313,7.75,,Q
235 | 370,1,1,"Aubart, Mme. Leontine Pauline",female,24,0,0,PC 17477,69.3,B35,C
236 | 372,0,3,"Wiklund, Mr. Jakob Alfred",male,18,1,0,3101267,6.4958,,S
237 | 373,0,3,"Beavan, Mr. William Thomas",male,19,0,0,323951,8.05,,S
238 | 374,0,1,"Ringhini, Mr. Sante",male,22,0,0,PC 17760,135.6333,,C
239 | 377,1,3,"Landergren, Miss. Aurora Adelia",female,22,0,0,C 7077,7.25,,S
240 | 379,0,3,"Betros, Mr. Tannous",male,20,0,0,2648,4.0125,,C
241 | 381,1,1,"Bidois, Miss. Rosalie",female,42,0,0,PC 17757,227.525,,C
242 | 383,0,3,"Tikkanen, Mr. Juho",male,32,0,0,STON/O 2. 3101293,7.925,,S
243 | 386,0,2,"Davies, Mr. Charles Henry",male,18,0,0,S.O.C. 14879,73.5,,S
244 | 387,0,3,"Goodwin, Master. Sidney Leonard",male,1,5,2,CA 2144,46.9,,S
245 | 388,1,2,"Buss, Miss. Kate",female,36,0,0,27849,13,,S
246 | 390,1,2,"Lehmann, Miss. Bertha",female,17,0,0,SC 1748,12,,C
247 | 392,1,3,"Jansson, Mr. Carl Olof",male,21,0,0,350034,7.7958,,S
248 | 393,0,3,"Gustafsson, Mr. Johan Birger",male,28,2,0,3101277,7.925,,S
249 | 397,0,3,"Olsson, Miss. Elina",female,31,0,0,350407,7.8542,,S
250 | 399,0,2,"Pain, Dr. Alfred",male,23,0,0,244278,10.5,,S
251 | 400,1,2,"Trout, Mrs. William H (Jessie L)",female,28,0,0,240929,12.65,,S
252 | 401,1,3,"Niskanen, Mr. Juha",male,39,0,0,STON/O 2. 3101289,7.925,,S
253 | 402,0,3,"Adams, Mr. John",male,26,0,0,341826,8.05,,S
254 | 403,0,3,"Jussila, Miss. Mari Aina",female,21,1,0,4137,9.825,,S
255 | 405,0,3,"Oreskovic, Miss. Marija",female,20,0,0,315096,8.6625,,S
256 | 406,0,2,"Gale, Mr. Shadrach",male,34,1,0,28664,21,,S
257 | 407,0,3,"Widegren, Mr. Carl/Charles Peter",male,51,0,0,347064,7.75,,S
258 | 408,1,2,"Richards, Master. William Rowe",male,3,1,1,29106,18.75,,S
259 | 409,0,3,"Birkeland, Mr. Hans Martin Monsen",male,21,0,0,312992,7.775,,S
260 | 410,0,3,"Lefebre, Miss. Ida",female,,3,1,4133,25.4667,,S
261 | 411,0,3,"Sdycoff, Mr. Todor",male,,0,0,349222,7.8958,,S
262 | 412,0,3,"Hart, Mr. Henry",male,,0,0,394140,6.8583,,Q
263 | 415,1,3,"Sundman, Mr. Johan Julian",male,44,0,0,STON/O 2. 3101269,7.925,,S
264 | 416,0,3,"Meek, Mrs. Thomas (Annie Louise Rowley)",female,,0,0,343095,8.05,,S
265 | 418,1,2,"Silven, Miss. Lyyli Karoliina",female,18,0,2,250652,13,,S
266 | 419,0,2,"Matthews, Mr. William John",male,30,0,0,28228,13,,S
267 | 420,0,3,"Van Impe, Miss. Catharina",female,10,0,2,345773,24.15,,S
268 | 421,0,3,"Gheorgheff, Mr. Stanio",male,,0,0,349254,7.8958,,C
269 | 423,0,3,"Zimmerman, Mr. Leo",male,29,0,0,315082,7.875,,S
270 | 424,0,3,"Danbom, Mrs. Ernst Gilbert (Anna Sigrid Maria Brogren)",female,28,1,1,347080,14.4,,S
271 | 425,0,3,"Rosblom, Mr. Viktor Richard",male,18,1,1,370129,20.2125,,S
272 | 427,1,2,"Clarke, Mrs. Charles V (Ada Maria Winfield)",female,28,1,0,2003,26,,S
273 | 428,1,2,"Phillips, Miss. Kate Florence (""Mrs Kate Louise Phillips Marshall"")",female,19,0,0,250655,26,,S
274 | 431,1,1,"Bjornstrom-Steffansson, Mr. Mauritz Hakan",male,28,0,0,110564,26.55,C52,S
275 | 432,1,3,"Thorneycroft, Mrs. Percival (Florence Kate White)",female,,1,0,376564,16.1,,S
276 | 433,1,2,"Louch, Mrs. Charles Alexander (Alice Adelaide Slow)",female,42,1,0,SC/AH 3085,26,,S
277 | 434,0,3,"Kallio, Mr. Nikolai Erland",male,17,0,0,STON/O 2. 3101274,7.125,,S
278 | 435,0,1,"Silvey, Mr. William Baird",male,50,1,0,13507,55.9,E44,S
279 | 437,0,3,"Ford, Miss. Doolina Margaret ""Daisy""",female,21,2,2,W./C. 6608,34.375,,S
280 | 439,0,1,"Fortune, Mr. Mark",male,64,1,4,19950,263,C23 C25 C27,S
281 | 441,1,2,"Hart, Mrs. Benjamin (Esther Ada Bloomfield)",female,45,1,1,F.C.C. 13529,26.25,,S
282 | 442,0,3,"Hampe, Mr. Leon",male,20,0,0,345769,9.5,,S
283 | 443,0,3,"Petterson, Mr. Johan Emil",male,25,1,0,347076,7.775,,S
284 | 444,1,2,"Reynaldo, Ms. Encarnacion",female,28,0,0,230434,13,,S
285 | 446,1,1,"Dodge, Master. Washington",male,4,0,2,33638,81.8583,A34,S
286 | 447,1,2,"Mellinger, Miss. Madeleine Violet",female,13,0,1,250644,19.5,,S
287 | 448,1,1,"Seward, Mr. Frederic Kimber",male,34,0,0,113794,26.55,,S
288 | 454,1,1,"Goldenberg, Mr. Samuel L",male,49,1,0,17453,89.1042,C92,C
289 | 455,0,3,"Peduzzi, Mr. Joseph",male,,0,0,A/5 2817,8.05,,S
290 | 456,1,3,"Jalsevac, Mr. Ivan",male,29,0,0,349240,7.8958,,C
291 | 457,0,1,"Millet, Mr. Francis Davis",male,65,0,0,13509,26.55,E38,S
292 | 459,1,2,"Toomey, Miss. Ellen",female,50,0,0,F.C.C. 13531,10.5,,S
293 | 460,0,3,"O'Connor, Mr. Maurice",male,,0,0,371060,7.75,,Q
294 | 461,1,1,"Anderson, Mr. Harry",male,48,0,0,19952,26.55,E12,S
295 | 462,0,3,"Morley, Mr. William",male,34,0,0,364506,8.05,,S
296 | 463,0,1,"Gee, Mr. Arthur H",male,47,0,0,111320,38.5,E63,S
297 | 466,0,3,"Goncalves, Mr. Manuel Estanslas",male,38,0,0,SOTON/O.Q. 3101306,7.05,,S
298 | 468,0,1,"Smart, Mr. John Montgomery",male,56,0,0,113792,26.55,,S
299 | 469,0,3,"Scanlan, Mr. James",male,,0,0,36209,7.725,,Q
300 | 471,0,3,"Keefe, Mr. Arthur",male,,0,0,323592,7.25,,S
301 | 473,1,2,"West, Mrs. Edwy Arthur (Ada Mary Worth)",female,33,1,2,C.A. 34651,27.75,,S
302 | 474,1,2,"Jerwan, Mrs. Amin S (Marie Marthe Thuillard)",female,23,0,0,SC/AH Basle 541,13.7917,D,C
303 | 477,0,2,"Renouf, Mr. Peter Henry",male,34,1,0,31027,21,,S
304 | 478,0,3,"Braund, Mr. Lewis Richard",male,29,1,0,3460,7.0458,,S
305 | 479,0,3,"Karlsson, Mr. Nils August",male,22,0,0,350060,7.5208,,S
306 | 481,0,3,"Goodwin, Master. Harold Victor",male,9,5,2,CA 2144,46.9,,S
307 | 482,0,2,"Frost, Mr. Anthony Wood ""Archie""",male,,0,0,239854,0,,S
308 | 483,0,3,"Rouse, Mr. Richard Henry",male,50,0,0,A/5 3594,8.05,,S
309 | 485,1,1,"Bishop, Mr. Dickinson H",male,25,1,0,11967,91.0792,B49,C
310 | 486,0,3,"Lefebre, Miss. Jeannie",female,,3,1,4133,25.4667,,S
311 | 489,0,3,"Somerton, Mr. Francis William",male,30,0,0,A.5. 18509,8.05,,S
312 | 490,1,3,"Coutts, Master. Eden Leslie ""Neville""",male,9,1,1,C.A. 37671,15.9,,S
313 | 491,0,3,"Hagland, Mr. Konrad Mathias Reiersen",male,,1,0,65304,19.9667,,S
314 | 492,0,3,"Windelov, Mr. Einar",male,21,0,0,SOTON/OQ 3101317,7.25,,S
315 | 496,0,3,"Yousseff, Mr. Gerious",male,,0,0,2627,14.4583,,C
316 | 497,1,1,"Eustis, Miss. Elizabeth Mussey",female,54,1,0,36947,78.2667,D20,C
317 | 500,0,3,"Svensson, Mr. Olof",male,24,0,0,350035,7.7958,,S
318 | 503,0,3,"O'Sullivan, Miss. Bridget Mary",female,,0,0,330909,7.6292,,Q
319 | 506,0,1,"Penasco y Castellana, Mr. Victor de Satode",male,18,1,0,PC 17758,108.9,C65,C
320 | 507,1,2,"Quick, Mrs. Frederick Charles (Jane Richards)",female,33,0,2,26360,26,,S
321 | 509,0,3,"Olsen, Mr. Henry Margido",male,28,0,0,C 4001,22.525,,S
322 | 512,0,3,"Webber, Mr. James",male,,0,0,SOTON/OQ 3101316,8.05,,S
323 | 514,1,1,"Rothschild, Mrs. Martin (Elizabeth L. Barrett)",female,54,1,0,PC 17603,59.4,,C
324 | 515,0,3,"Coleff, Mr. Satio",male,24,0,0,349209,7.4958,,S
325 | 517,1,2,"Lemore, Mrs. (Amelia Milley)",female,34,0,0,C.A. 34260,10.5,F33,S
326 | 519,1,2,"Angle, Mrs. William A (Florence ""Mary"" Agnes Hughes)",female,36,1,0,226875,26,,S
327 | 520,0,3,"Pavlovic, Mr. Stefo",male,32,0,0,349242,7.8958,,S
328 | 521,1,1,"Perreault, Miss. Anne",female,30,0,0,12749,93.5,B73,S
329 | 522,0,3,"Vovk, Mr. Janko",male,22,0,0,349252,7.8958,,S
330 | 523,0,3,"Lahoud, Mr. Sarkis",male,,0,0,2624,7.225,,C
331 | 525,0,3,"Kassem, Mr. Fared",male,,0,0,2700,7.2292,,C
332 | 530,0,2,"Hocking, Mr. Richard George",male,23,2,1,29104,11.5,,S
333 | 532,0,3,"Toufik, Mr. Nakli",male,,0,0,2641,7.2292,,C
334 | 534,1,3,"Peter, Mrs. Catherine (Catherine Rizk)",female,,0,2,2668,22.3583,,C
335 | 536,1,2,"Hart, Miss. Eva Miriam",female,7,0,2,F.C.C. 13529,26.25,,S
336 | 538,1,1,"LeRoy, Miss. Bertha",female,30,0,0,PC 17761,106.425,,C
337 | 541,1,1,"Crosby, Miss. Harriet R",female,36,0,2,WE/P 5735,71,B22,S
338 | 542,0,3,"Andersson, Miss. Ingeborg Constanzia",female,9,4,2,347082,31.275,,S
339 | 543,0,3,"Andersson, Miss. Sigrid Elisabeth",female,11,4,2,347082,31.275,,S
340 | 544,1,2,"Beane, Mr. Edward",male,32,1,0,2908,26,,S
341 | 545,0,1,"Douglas, Mr. Walter Donald",male,50,1,0,PC 17761,106.425,C86,C
342 | 546,0,1,"Nicholson, Mr. Arthur Ernest",male,64,0,0,693,26,,S
343 | 547,1,2,"Beane, Mrs. Edward (Ethel Clarke)",female,19,1,0,2908,26,,S
344 | 548,1,2,"Padro y Manent, Mr. Julian",male,,0,0,SC/PARIS 2146,13.8625,,C
345 | 550,1,2,"Davies, Master. John Morgan Jr",male,8,1,1,C.A. 33112,36.75,,S
346 | 551,1,1,"Thayer, Mr. John Borland Jr",male,17,0,2,17421,110.8833,C70,C
347 | 552,0,2,"Sharp, Mr. Percival James R",male,27,0,0,244358,26,,S
348 | 553,0,3,"O'Brien, Mr. Timothy",male,,0,0,330979,7.8292,,Q
349 | 554,1,3,"Leeni, Mr. Fahim (""Philip Zenni"")",male,22,0,0,2620,7.225,,C
350 | 555,1,3,"Ohman, Miss. Velin",female,22,0,0,347085,7.775,,S
351 | 557,1,1,"Duff Gordon, Lady. (Lucille Christiana Sutherland) (""Mrs Morgan"")",female,48,1,0,11755,39.6,A16,C
352 | 558,0,1,"Robbins, Mr. Victor",male,,0,0,PC 17757,227.525,,C
353 | 559,1,1,"Taussig, Mrs. Emil (Tillie Mandelbaum)",female,39,1,1,110413,79.65,E67,S
354 | 561,0,3,"Morrow, Mr. Thomas Rowan",male,,0,0,372622,7.75,,Q
355 | 562,0,3,"Sivic, Mr. Husein",male,40,0,0,349251,7.8958,,S
356 | 563,0,2,"Norman, Mr. Robert Douglas",male,28,0,0,218629,13.5,,S
357 | 566,0,3,"Davies, Mr. Alfred J",male,24,2,0,A/4 48871,24.15,,S
358 | 568,0,3,"Palsson, Mrs. Nils (Alma Cornelia Berglund)",female,29,0,4,349909,21.075,,S
359 | 569,0,3,"Doharr, Mr. Tannous",male,,0,0,2686,7.2292,,C
360 | 570,1,3,"Jonsson, Mr. Carl",male,32,0,0,350417,7.8542,,S
361 | 572,1,1,"Appleton, Mrs. Edward Dale (Charlotte Lamson)",female,53,2,0,11769,51.4792,C101,S
362 | 573,1,1,"Flynn, Mr. John Irwin (""Irving"")",male,36,0,0,PC 17474,26.3875,E25,S
363 | 574,1,3,"Kelly, Miss. Mary",female,,0,0,14312,7.75,,Q
364 | 575,0,3,"Rush, Mr. Alfred George John",male,16,0,0,A/4. 20589,8.05,,S
365 | 576,0,3,"Patchett, Mr. George",male,19,0,0,358585,14.5,,S
366 | 577,1,2,"Garside, Miss. Ethel",female,34,0,0,243880,13,,S
367 | 579,0,3,"Caram, Mrs. Joseph (Maria Elias)",female,,1,0,2689,14.4583,,C
368 | 580,1,3,"Jussila, Mr. Eiriik",male,32,0,0,STON/O 2. 3101286,7.925,,S
369 | 585,0,3,"Paulner, Mr. Uscher",male,,0,0,3411,8.7125,,C
370 | 586,1,1,"Taussig, Miss. Ruth",female,18,0,2,110413,79.65,E68,S
371 | 587,0,2,"Jarvis, Mr. John Denzil",male,47,0,0,237565,15,,S
372 | 588,1,1,"Frolicher-Stehli, Mr. Maxmillian",male,60,1,1,13567,79.2,B41,C
373 | 589,0,3,"Gilinski, Mr. Eliezer",male,22,0,0,14973,8.05,,S
374 | 590,0,3,"Murdlin, Mr. Joseph",male,,0,0,A./5. 3235,8.05,,S
375 | 592,1,1,"Stephenson, Mrs. Walter Bertram (Martha Eustis)",female,52,1,0,36947,78.2667,D20,C
376 | 593,0,3,"Elsbury, Mr. William James",male,47,0,0,A/5 3902,7.25,,S
377 | 594,0,3,"Bourke, Miss. Mary",female,,0,2,364848,7.75,,Q
378 | 595,0,2,"Chapman, Mr. John Henry",male,37,1,0,SC/AH 29037,26,,S
379 | 596,0,3,"Van Impe, Mr. Jean Baptiste",male,36,1,1,345773,24.15,,S
380 | 598,0,3,"Johnson, Mr. Alfred",male,49,0,0,LINE,0,,S
381 | 600,1,1,"Duff Gordon, Sir. Cosmo Edmund (""Mr Morgan"")",male,49,1,0,PC 17485,56.9292,A20,C
382 | 601,1,2,"Jacobsohn, Mrs. Sidney Samuel (Amy Frances Christy)",female,24,2,1,243847,27,,S
383 | 604,0,3,"Torber, Mr. Ernst William",male,44,0,0,364511,8.05,,S
384 | 607,0,3,"Karaic, Mr. Milan",male,30,0,0,349246,7.8958,,S
385 | 608,1,1,"Daniel, Mr. Robert Williams",male,27,0,0,113804,30.5,,S
386 | 610,1,1,"Shutes, Miss. Elizabeth W",female,40,0,0,PC 17582,153.4625,C125,S
387 | 611,0,3,"Andersson, Mrs. Anders Johan (Alfrida Konstantia Brogren)",female,39,1,5,347082,31.275,,S
388 | 612,0,3,"Jardin, Mr. Jose Neto",male,,0,0,SOTON/O.Q. 3101305,7.05,,S
389 | 614,0,3,"Horgan, Mr. John",male,,0,0,370377,7.75,,Q
390 | 615,0,3,"Brocklebank, Mr. William Alfred",male,35,0,0,364512,8.05,,S
391 | 617,0,3,"Danbom, Mr. Ernst Gilbert",male,34,1,1,347080,14.4,,S
392 | 618,0,3,"Lobb, Mrs. William Arthur (Cordelia K Stanlick)",female,26,1,0,A/5. 3336,16.1,,S
393 | 619,1,2,"Becker, Miss. Marion Louise",female,4,2,1,230136,39,F4,S
394 | 620,0,2,"Gavey, Mr. Lawrence",male,26,0,0,31028,10.5,,S
395 | 622,1,1,"Kimball, Mr. Edwin Nelson Jr",male,42,1,0,11753,52.5542,D19,S
396 | 623,1,3,"Nakid, Mr. Sahid",male,20,1,1,2653,15.7417,,C
397 | 624,0,3,"Hansen, Mr. Henry Damsgaard",male,21,0,0,350029,7.8542,,S
398 | 625,0,3,"Bowen, Mr. David John ""Dai""",male,21,0,0,54636,16.1,,S
399 | 626,0,1,"Sutton, Mr. Frederick",male,61,0,0,36963,32.3208,D50,S
400 | 628,1,1,"Longley, Miss. Gretchen Fiske",female,21,0,0,13502,77.9583,D9,S
401 | 631,1,1,"Barkworth, Mr. Algernon Henry Wilson",male,80,0,0,27042,30,A23,S
402 | 632,0,3,"Lundahl, Mr. Johan Svensson",male,51,0,0,347743,7.0542,,S
403 | 633,1,1,"Stahelin-Maeglin, Dr. Max",male,32,0,0,13214,30.5,B50,C
404 | 634,0,1,"Parr, Mr. William Henry Marsh",male,,0,0,112052,0,,S
405 | 635,0,3,"Skoog, Miss. Mabel",female,9,3,2,347088,27.9,,S
406 | 636,1,2,"Davis, Miss. Mary",female,28,0,0,237668,13,,S
407 | 638,0,2,"Collyer, Mr. Harvey",male,31,1,1,C.A. 31921,26.25,,S
408 | 639,0,3,"Panula, Mrs. Juha (Maria Emilia Ojala)",female,41,0,5,3101295,39.6875,,S
409 | 640,0,3,"Thorneycroft, Mr. Percival",male,,1,0,376564,16.1,,S
410 | 641,0,3,"Jensen, Mr. Hans Peder",male,20,0,0,350050,7.8542,,S
411 | 643,0,3,"Skoog, Miss. Margit Elizabeth",female,2,3,2,347088,27.9,,S
412 | 645,1,3,"Baclini, Miss. Eugenie",female,0.75,2,1,2666,19.2583,,C
413 | 647,0,3,"Cor, Mr. Liudevit",male,19,0,0,349231,7.8958,,S
414 | 648,1,1,"Simonius-Blumer, Col. Oberst Alfons",male,56,0,0,13213,35.5,A26,C
415 | 649,0,3,"Willey, Mr. Edward",male,,0,0,S.O./P.P. 751,7.55,,S
416 | 650,1,3,"Stanley, Miss. Amy Zillah Elsie",female,23,0,0,CA. 2314,7.55,,S
417 | 652,1,2,"Doling, Miss. Elsie",female,18,0,1,231919,23,,S
418 | 653,0,3,"Kalvik, Mr. Johannes Halvorsen",male,21,0,0,8475,8.4333,,S
419 | 655,0,3,"Hegarty, Miss. Hanora ""Nora""",female,18,0,0,365226,6.75,,Q
420 | 656,0,2,"Hickman, Mr. Leonard Mark",male,24,2,0,S.O.C. 14879,73.5,,S
421 | 657,0,3,"Radeff, Mr. Alexander",male,,0,0,349223,7.8958,,S
422 | 658,0,3,"Bourke, Mrs. John (Catherine)",female,32,1,1,364849,15.5,,Q
423 | 660,0,1,"Newell, Mr. Arthur Webster",male,58,0,2,35273,113.275,D48,C
424 | 661,1,1,"Frauenthal, Dr. Henry William",male,50,2,0,PC 17611,133.65,,S
425 | 664,0,3,"Coleff, Mr. Peju",male,36,0,0,349210,7.4958,,S
426 | 665,1,3,"Lindqvist, Mr. Eino William",male,20,1,0,STON/O 2. 3101285,7.925,,S
427 | 666,0,2,"Hickman, Mr. Lewis",male,32,2,0,S.O.C. 14879,73.5,,S
428 | 667,0,2,"Butler, Mr. Reginald Fenton",male,25,0,0,234686,13,,S
429 | 671,1,2,"Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)",female,40,1,1,29750,39,,S
430 | 673,0,2,"Mitchell, Mr. Henry Michael",male,70,0,0,C.A. 24580,10.5,,S
431 | 674,1,2,"Wilhelms, Mr. Charles",male,31,0,0,244270,13,,S
432 | 675,0,2,"Watson, Mr. Ennis Hastings",male,,0,0,239856,0,,S
433 | 676,0,3,"Edvardsson, Mr. Gustaf Hjalmar",male,18,0,0,349912,7.775,,S
434 | 678,1,3,"Turja, Miss. Anna Sofia",female,18,0,0,4138,9.8417,,S
435 | 680,1,1,"Cardeza, Mr. Thomas Drake Martinez",male,36,0,1,PC 17755,512.3292,B51 B53 B55,C
436 | 681,0,3,"Peters, Miss. Katie",female,,0,0,330935,8.1375,,Q
437 | 684,0,3,"Goodwin, Mr. Charles Edward",male,14,5,2,CA 2144,46.9,,S
438 | 685,0,2,"Brown, Mr. Thomas William Solomon",male,60,1,1,29750,39,,S
439 | 686,0,2,"Laroche, Mr. Joseph Philippe Lemercier",male,25,1,2,SC/Paris 2123,41.5792,,C
440 | 687,0,3,"Panula, Mr. Jaako Arnold",male,14,4,1,3101295,39.6875,,S
441 | 690,1,1,"Madill, Miss. Georgette Alexandra",female,15,0,1,24160,211.3375,B5,S
442 | 691,1,1,"Dick, Mr. Albert Adrian",male,31,1,0,17474,57,B20,S
443 | 692,1,3,"Karun, Miss. Manca",female,4,0,1,349256,13.4167,,C
444 | 694,0,3,"Saad, Mr. Khalil",male,25,0,0,2672,7.225,,C
445 | 695,0,1,"Weir, Col. John",male,60,0,0,113800,26.55,,S
446 | 697,0,3,"Kelly, Mr. James",male,44,0,0,363592,8.05,,S
447 | 698,1,3,"Mullens, Miss. Katherine ""Katie""",female,,0,0,35852,7.7333,,Q
448 | 703,0,3,"Barbara, Miss. Saiide",female,18,0,1,2691,14.4542,,C
449 | 704,0,3,"Gallagher, Mr. Martin",male,25,0,0,36864,7.7417,,Q
450 | 705,0,3,"Hansen, Mr. Henrik Juul",male,26,1,0,350025,7.8542,,S
451 | 707,1,2,"Kelly, Mrs. Florence ""Fannie""",female,45,0,0,223596,13.5,,S
452 | 708,1,1,"Calderhead, Mr. Edward Pennington",male,42,0,0,PC 17476,26.2875,E24,S
453 | 709,1,1,"Cleaver, Miss. Alice",female,22,0,0,113781,151.55,,S
454 | 710,1,3,"Moubarek, Master. Halim Gonios (""William George"")",male,,1,1,2661,15.2458,,C
455 | 711,1,1,"Mayne, Mlle. Berthe Antonine (""Mrs de Villiers"")",female,24,0,0,PC 17482,49.5042,C90,C
456 | 712,0,1,"Klaber, Mr. Herman",male,,0,0,113028,26.55,C124,S
457 | 718,1,2,"Troutt, Miss. Edwina Celia ""Winnie""",female,27,0,0,34218,10.5,E101,S
458 | 719,0,3,"McEvoy, Mr. Michael",male,,0,0,36568,15.5,,Q
459 | 722,0,3,"Jensen, Mr. Svend Lauritz",male,17,1,0,350048,7.0542,,S
460 | 723,0,2,"Gillespie, Mr. William Henry",male,34,0,0,12233,13,,S
461 | 724,0,2,"Hodges, Mr. Henry Price",male,50,0,0,250643,13,,S
462 | 726,0,3,"Oreskovic, Mr. Luka",male,20,0,0,315094,8.6625,,S
463 | 728,1,3,"Mannion, Miss. Margareth",female,,0,0,36866,7.7375,,Q
464 | 729,0,2,"Bryhl, Mr. Kurt Arnold Gottfrid",male,25,1,0,236853,26,,S
465 | 730,0,3,"Ilmakangas, Miss. Pieta Sofia",female,25,1,0,STON/O2. 3101271,7.925,,S
466 | 731,1,1,"Allen, Miss. Elisabeth Walton",female,29,0,0,24160,211.3375,B5,S
467 | 732,0,3,"Hassan, Mr. Houssein G N",male,11,0,0,2699,18.7875,,C
468 | 733,0,2,"Knight, Mr. Robert J",male,,0,0,239855,0,,S
469 | 734,0,2,"Berriman, Mr. William John",male,23,0,0,28425,13,,S
470 | 736,0,3,"Williams, Mr. Leslie",male,28.5,0,0,54636,16.1,,S
471 | 737,0,3,"Ford, Mrs. Edward (Margaret Ann Watson)",female,48,1,3,W./C. 6608,34.375,,S
472 | 738,1,1,"Lesurer, Mr. Gustave J",male,35,0,0,PC 17755,512.3292,B101,C
473 | 741,1,1,"Hawksford, Mr. Walter James",male,,0,0,16988,30,D45,S
474 | 742,0,1,"Cavendish, Mr. Tyrell William",male,36,1,0,19877,78.85,C46,S
475 | 743,1,1,"Ryerson, Miss. Susan Parker ""Suzette""",female,21,2,2,PC 17608,262.375,B57 B59 B63 B66,C
476 | 744,0,3,"McNamee, Mr. Neal",male,24,1,0,376566,16.1,,S
477 | 745,1,3,"Stranden, Mr. Juho",male,31,0,0,STON/O 2. 3101288,7.925,,S
478 | 746,0,1,"Crosby, Capt. Edward Gifford",male,70,1,1,WE/P 5735,71,B22,S
479 | 747,0,3,"Abbott, Mr. Rossmore Edward",male,16,1,1,C.A. 2673,20.25,,S
480 | 748,1,2,"Sinkkonen, Miss. Anna",female,30,0,0,250648,13,,S
481 | 750,0,3,"Connaghton, Mr. Michael",male,31,0,0,335097,7.75,,Q
482 | 751,1,2,"Wells, Miss. Joan",female,4,1,1,29103,23,,S
483 | 752,1,3,"Moor, Master. Meier",male,6,0,1,392096,12.475,E121,S
484 | 753,0,3,"Vande Velde, Mr. Johannes Joseph",male,33,0,0,345780,9.5,,S
485 | 755,1,2,"Herman, Mrs. Samuel (Jane Laver)",female,48,1,2,220845,65,,S
486 | 756,1,2,"Hamalainen, Master. Viljo",male,0.67,1,1,250649,14.5,,S
487 | 757,0,3,"Carlsson, Mr. August Sigfrid",male,28,0,0,350042,7.7958,,S
488 | 758,0,2,"Bailey, Mr. Percy Andrew",male,18,0,0,29108,11.5,,S
489 | 759,0,3,"Theobald, Mr. Thomas Leonard",male,34,0,0,363294,8.05,,S
490 | 760,1,1,"Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)",female,33,0,0,110152,86.5,B77,S
491 | 761,0,3,"Garfirth, Mr. John",male,,0,0,358585,14.5,,S
492 | 762,0,3,"Nirva, Mr. Iisakki Antino Aijo",male,41,0,0,SOTON/O2 3101272,7.125,,S
493 | 764,1,1,"Carter, Mrs. William Ernest (Lucile Polk)",female,36,1,2,113760,120,B96 B98,S
494 | 765,0,3,"Eklund, Mr. Hans Linus",male,16,0,0,347074,7.775,,S
495 | 766,1,1,"Hogeboom, Mrs. John C (Anna Andrews)",female,51,1,0,13502,77.9583,D11,S
496 | 767,0,1,"Brewe, Dr. Arthur Jackson",male,,0,0,112379,39.6,,C
497 | 768,0,3,"Mangan, Miss. Mary",female,30.5,0,0,364850,7.75,,Q
498 | 769,0,3,"Moran, Mr. Daniel J",male,,1,0,371110,24.15,,Q
499 | 772,0,3,"Jensen, Mr. Niels Peder",male,48,0,0,350047,7.8542,,S
500 | 773,0,2,"Mack, Mrs. (Mary)",female,57,0,0,S.O./P.P. 3,10.5,E77,S
501 | 774,0,3,"Elias, Mr. Dibo",male,,0,0,2674,7.225,,C
502 | 775,1,2,"Hocking, Mrs. Elizabeth (Eliza Needs)",female,54,1,3,29105,23,,S
503 | 776,0,3,"Myhrman, Mr. Pehr Fabian Oliver Malkolm",male,18,0,0,347078,7.75,,S
504 | 777,0,3,"Tobin, Mr. Roger",male,,0,0,383121,7.75,F38,Q
505 | 778,1,3,"Emanuel, Miss. Virginia Ethel",female,5,0,0,364516,12.475,,S
506 | 779,0,3,"Kilgannon, Mr. Thomas J",male,,0,0,36865,7.7375,,Q
507 | 780,1,1,"Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)",female,43,0,1,24160,211.3375,B3,S
508 | 782,1,1,"Dick, Mrs. Albert Adrian (Vera Gillespie)",female,17,1,0,17474,57,B20,S
509 | 783,0,1,"Long, Mr. Milton Clyde",male,29,0,0,113501,30,D6,S
510 | 787,1,3,"Sjoblom, Miss. Anna Sofia",female,18,0,0,3101265,7.4958,,S
511 | 790,0,1,"Guggenheim, Mr. Benjamin",male,46,0,0,PC 17593,79.2,B82 B84,C
512 | 791,0,3,"Keane, Mr. Andrew ""Andy""",male,,0,0,12460,7.75,,Q
513 | 792,0,2,"Gaskell, Mr. Alfred",male,16,0,0,239865,26,,S
514 | 794,0,1,"Hoyt, Mr. William Fisher",male,,0,0,PC 17600,30.6958,,C
515 | 798,1,3,"Osman, Mrs. Mara",female,31,0,0,349244,8.6833,,S
516 | 799,0,3,"Ibrahim Shawah, Mr. Yousseff",male,30,0,0,2685,7.2292,,C
517 | 801,0,2,"Ponesell, Mr. Martin",male,34,0,0,250647,13,,S
518 | 802,1,2,"Collyer, Mrs. Harvey (Charlotte Annie Tate)",female,31,1,1,C.A. 31921,26.25,,S
519 | 804,1,3,"Thomas, Master. Assad Alexander",male,0.42,0,1,2625,8.5167,,C
520 | 805,1,3,"Hedman, Mr. Oskar Arvid",male,27,0,0,347089,6.975,,S
521 | 806,0,3,"Johansson, Mr. Karl Johan",male,31,0,0,347063,7.775,,S
522 | 807,0,1,"Andrews, Mr. Thomas Jr",male,39,0,0,112050,0,A36,S
523 | 808,0,3,"Pettersson, Miss. Ellen Natalia",female,18,0,0,347087,7.775,,S
524 | 809,0,2,"Meyer, Mr. August",male,39,0,0,248723,13,,S
525 | 812,0,3,"Lester, Mr. James",male,39,0,0,A/4 48871,24.15,,S
526 | 813,0,2,"Slemen, Mr. Richard James",male,35,0,0,28206,10.5,,S
527 | 814,0,3,"Andersson, Miss. Ebba Iris Alfrida",female,6,4,2,347082,31.275,,S
528 | 817,0,3,"Heininen, Miss. Wendla Maria",female,23,0,0,STON/O2. 3101290,7.925,,S
529 | 818,0,2,"Mallet, Mr. Albert",male,31,1,1,S.C./PARIS 2079,37.0042,,C
530 | 820,0,3,"Skoog, Master. Karl Thorsten",male,10,3,2,347088,27.9,,S
531 | 821,1,1,"Hays, Mrs. Charles Melville (Clara Jennings Gregg)",female,52,1,1,12749,93.5,B69,S
532 | 822,1,3,"Lulic, Mr. Nikola",male,27,0,0,315098,8.6625,,S
533 | 823,0,1,"Reuchlin, Jonkheer. John George",male,38,0,0,19972,0,,S
534 | 824,1,3,"Moor, Mrs. (Beila)",female,27,0,1,392096,12.475,E121,S
535 | 826,0,3,"Flynn, Mr. John",male,,0,0,368323,6.95,,Q
536 | 828,1,2,"Mallet, Master. Andre",male,1,0,2,S.C./PARIS 2079,37.0042,,C
537 | 829,1,3,"McCormack, Mr. Thomas Joseph",male,,0,0,367228,7.75,,Q
538 | 830,1,1,"Stone, Mrs. George Nelson (Martha Evelyn)",female,62,0,0,113572,80,B28,
539 | 831,1,3,"Yasbeck, Mrs. Antoni (Selini Alexander)",female,15,1,0,2659,14.4542,,C
540 | 832,1,2,"Richards, Master. George Sibley",male,0.83,1,1,29106,18.75,,S
541 | 833,0,3,"Saad, Mr. Amin",male,,0,0,2671,7.2292,,C
542 | 834,0,3,"Augustsson, Mr. Albert",male,23,0,0,347468,7.8542,,S
543 | 835,0,3,"Allum, Mr. Owen George",male,18,0,0,2223,8.3,,S
544 | 836,1,1,"Compton, Miss. Sara Rebecca",female,39,1,1,PC 17756,83.1583,E49,C
545 | 837,0,3,"Pasic, Mr. Jakob",male,21,0,0,315097,8.6625,,S
546 | 838,0,3,"Sirota, Mr. Maurice",male,,0,0,392092,8.05,,S
547 | 839,1,3,"Chip, Mr. Chang",male,32,0,0,1601,56.4958,,S
548 | 840,1,1,"Marechal, Mr. Pierre",male,,0,0,11774,29.7,C47,C
549 | 841,0,3,"Alhomaki, Mr. Ilmari Rudolf",male,20,0,0,SOTON/O2 3101287,7.925,,S
550 | 842,0,2,"Mudd, Mr. Thomas Charles",male,16,0,0,S.O./P.P. 3,10.5,,S
551 | 844,0,3,"Lemberopolous, Mr. Peter L",male,34.5,0,0,2683,6.4375,,C
552 | 845,0,3,"Culumovic, Mr. Jeso",male,17,0,0,315090,8.6625,,S
553 | 847,0,3,"Sage, Mr. Douglas Bullen",male,,8,2,CA. 2343,69.55,,S
554 | 849,0,2,"Harper, Rev. John",male,28,0,1,248727,33,,S
555 | 850,1,1,"Goldenberg, Mrs. Samuel L (Edwiga Grabowska)",female,,1,0,17453,89.1042,C92,C
556 | 851,0,3,"Andersson, Master. Sigvard Harald Elias",male,4,4,2,347082,31.275,,S
557 | 852,0,3,"Svensson, Mr. Johan",male,74,0,0,347060,7.775,,S
558 | 855,0,2,"Carter, Mrs. Ernest Courtenay (Lilian Hughes)",female,44,1,0,244252,26,,S
559 | 858,1,1,"Daly, Mr. Peter Denis ",male,51,0,0,113055,26.55,E17,S
560 | 859,1,3,"Baclini, Mrs. Solomon (Latifa Qurban)",female,24,0,3,2666,19.2583,,C
561 | 860,0,3,"Razi, Mr. Raihed",male,,0,0,2629,7.2292,,C
562 | 861,0,3,"Hansen, Mr. Claus Peter",male,41,2,0,350026,14.1083,,S
563 | 863,1,1,"Swift, Mrs. Frederick Joel (Margaret Welles Barron)",female,48,0,0,17466,25.9292,D17,S
564 | 865,0,2,"Gill, Mr. John William",male,24,0,0,233866,13,,S
565 | 866,1,2,"Bystrom, Mrs. (Karolina)",female,42,0,0,236852,13,,S
566 | 869,0,3,"van Melkebeke, Mr. Philemon",male,,0,0,345777,9.5,,S
567 | 872,1,1,"Beckwith, Mrs. Richard Leonard (Sallie Monypeny)",female,47,1,1,11751,52.5542,D35,S
568 | 873,0,1,"Carlsson, Mr. Frans Olof",male,33,0,0,695,5,B51 B53 B55,S
569 | 874,0,3,"Vander Cruyssen, Mr. Victor",male,47,0,0,345765,9,,S
570 | 875,1,2,"Abelson, Mrs. Samuel (Hannah Wizosky)",female,28,1,0,P/PP 3381,24,,C
571 | 876,1,3,"Najib, Miss. Adele Kiamie ""Jane""",female,15,0,0,2667,7.225,,C
572 | 877,0,3,"Gustafsson, Mr. Alfred Ossian",male,20,0,0,7534,9.8458,,S
573 | 880,1,1,"Potter, Mrs. Thomas Jr (Lily Alexenia Wilson)",female,56,0,1,11767,83.1583,C50,C
574 | 883,0,3,"Dahlberg, Miss. Gerda Ulrika",female,22,0,0,7552,10.5167,,S
575 | 885,0,3,"Sutehall, Mr. Henry Jr",male,25,0,0,SOTON/OQ 392076,7.05,,S
576 | 886,0,3,"Rice, Mrs. William (Margaret Norton)",female,39,0,5,382652,29.125,,Q
577 | 887,0,2,"Montvila, Rev. Juozas",male,27,0,0,211536,13,,S
578 | 888,1,1,"Graham, Miss. Margaret Edith",female,19,0,0,112053,30,B42,S
579 | 890,1,1,"Behr, Mr. Karl Howell",male,26,0,0,111369,30,C148,C
580 | 891,0,3,"Dooley, Mr. Patrick",male,32,0,0,370376,7.75,,Q
581 |
--------------------------------------------------------------------------------
/Intro and PCA/sample-clusters.csv:
--------------------------------------------------------------------------------
1 | 5.518700000000000000e+04 1.256300000000000000e+04 3.749900000000000000e+04 1.689000000000000000e+04 4.060300000000000000e+04 4.112900000000000000e+04 3.760700000000000000e+04 1.854800000000000000e+04 3.886600000000000000e+04 2.438000000000000000e+04
2 | 3.742400000000000000e+04 1.347000000000000000e+04 2.733500000000000000e+04 2.027000000000000000e+03 2.137000000000000000e+04 3.773900000000000000e+04 3.345900000000000000e+04 1.607500000000000000e+04 1.798600000000000000e+04 1.733400000000000000e+04
3 | 3.673400000000000000e+04 2.098200000000000000e+04 4.591000000000000000e+04 2.702500000000000000e+04 2.208200000000000000e+04 4.112900000000000000e+04 4.009500000000000000e+04 2.102100000000000000e+04 4.961600000000000000e+04 2.460400000000000000e+04
4 | 5.760200000000000000e+04 1.567100000000000000e+04 3.995200000000000000e+04 2.094400000000000000e+04 3.063000000000000000e+04 6.485700000000000000e+04 4.355200000000000000e+04 1.360200000000000000e+04 3.659200000000000000e+04 3.645800000000000000e+04
5 | 3.811400000000000000e+04 2.396000000000000000e+04 5.291900000000000000e+04 3.513200000000000000e+04 3.419200000000000000e+04 4.112900000000000000e+04 3.249100000000000000e+04 3.214900000000000000e+04 2.915000000000000000e+04 1.699900000000000000e+04
6 | 5.467000000000000000e+04 1.321100000000000000e+04 3.820000000000000000e+04 1.553900000000000000e+04 2.991800000000000000e+04 5.175000000000000000e+04 4.216900000000000000e+04 2.596700000000000000e+04 3.225100000000000000e+04 3.058700000000000000e+04
7 | 5.794700000000000000e+04 1.463500000000000000e+04 3.820000000000000000e+04 1.351200000000000000e+04 1.852100000000000000e+04 3.434900000000000000e+04 3.014100000000000000e+04 2.102100000000000000e+04 3.245700000000000000e+04 2.219900000000000000e+04
8 | 5.225600000000000000e+04 1.826200000000000000e+04 4.380700000000000000e+04 2.364700000000000000e+04 3.632900000000000000e+04 3.660900000000000000e+04 3.000200000000000000e+04 2.225700000000000000e+04 1.736600000000000000e+04 2.108100000000000000e+04
9 | 6.553500000000000000e+04 1.165600000000000000e+04 2.838700000000000000e+04 1.148600000000000000e+04 1.923300000000000000e+04 4.112900000000000000e+04 3.650100000000000000e+04 1.978400000000000000e+04 3.245700000000000000e+04 2.192000000000000000e+04
10 | 4.880600000000000000e+04 7.900000000000000000e+03 3.189100000000000000e+04 1.824200000000000000e+04 1.994500000000000000e+04 4.519700000000000000e+04 3.885100000000000000e+04 1.112900000000000000e+04 2.977000000000000000e+04 3.321500000000000000e+04
11 | 5.294500000000000000e+04 1.839100000000000000e+04 3.294300000000000000e+04 2.499800000000000000e+04 2.493200000000000000e+04 4.451900000000000000e+04 4.120100000000000000e+04 1.112900000000000000e+04 4.072700000000000000e+04 2.499500000000000000e+04
12 | 5.329000000000000000e+04 9.584000000000000000e+03 3.364400000000000000e+04 2.094400000000000000e+04 1.780800000000000000e+04 2.757000000000000000e+04 2.889600000000000000e+04 1.607500000000000000e+04 2.398100000000000000e+04 2.080100000000000000e+04
13 | 4.690900000000000000e+04 1.282200000000000000e+04 3.679800000000000000e+04 1.824200000000000000e+04 1.353400000000000000e+04 3.660900000000000000e+04 3.345900000000000000e+04 1.978400000000000000e+04 2.894300000000000000e+04 2.415600000000000000e+04
14 | 6.415500000000000000e+04 1.282200000000000000e+04 3.609700000000000000e+04 2.702000000000000000e+03 1.495900000000000000e+04 4.790800000000000000e+04 4.631700000000000000e+04 3.709500000000000000e+04 4.961600000000000000e+04 2.303800000000000000e+04
15 | 5.777400000000000000e+04 1.463500000000000000e+04 3.574600000000000000e+04 4.729000000000000000e+03 2.279500000000000000e+04 5.242800000000000000e+04 4.562600000000000000e+04 1.978400000000000000e+04 5.271700000000000000e+04 3.478100000000000000e+04
16 | 4.484000000000000000e+04 1.385800000000000000e+04 4.696100000000000000e+04 2.229500000000000000e+04 2.991800000000000000e+04 4.225900000000000000e+04 3.553300000000000000e+04 2.102100000000000000e+04 2.170700000000000000e+04 3.366200000000000000e+04
17 | 5.639500000000000000e+04 1.528300000000000000e+04 4.766200000000000000e+04 3.175400000000000000e+04 3.561700000000000000e+04 4.112900000000000000e+04 3.871300000000000000e+04 2.473000000000000000e+04 3.225100000000000000e+04 2.751100000000000000e+04
18 | 4.828900000000000000e+04 1.075000000000000000e+04 4.415700000000000000e+04 3.175400000000000000e+04 3.205500000000000000e+04 4.451900000000000000e+04 4.230700000000000000e+04 3.338600000000000000e+04 2.708200000000000000e+04 2.974800000000000000e+04
19 | 5.449800000000000000e+04 1.100900000000000000e+04 3.925100000000000000e+04 1.993100000000000000e+04 2.706900000000000000e+04 5.242800000000000000e+04 4.963500000000000000e+04 2.349400000000000000e+04 2.997700000000000000e+04 4.149100000000000000e+04
20 | 4.501200000000000000e+04 3.056600000000000000e+04 4.205500000000000000e+04 1.553900000000000000e+04 3.276800000000000000e+04 3.886900000000000000e+04 3.719200000000000000e+04 4.946000000000000000e+03 2.584200000000000000e+04 2.136000000000000000e+04
21 | 5.225600000000000000e+04 1.152700000000000000e+04 3.224200000000000000e+04 1.824200000000000000e+04 3.989100000000000000e+04 4.564900000000000000e+04 3.912700000000000000e+04 1.360200000000000000e+04 3.493800000000000000e+04 2.443600000000000000e+04
22 | 3.276800000000000000e+04 3.963200000000000000e+04 4.520900000000000000e+04 2.702500000000000000e+04 2.279500000000000000e+04 3.231600000000000000e+04 2.862000000000000000e+04 1.483800000000000000e+04 3.245700000000000000e+04 1.800500000000000000e+04
23 | 4.621900000000000000e+04 1.450600000000000000e+04 3.504500000000000000e+04 2.026900000000000000e+04 2.208200000000000000e+04 3.683500000000000000e+04 3.511800000000000000e+04 1.731100000000000000e+04 2.646200000000000000e+04 1.409100000000000000e+04
24 | 3.138800000000000000e+04 1.113800000000000000e+04 4.065300000000000000e+04 2.432200000000000000e+04 1.780800000000000000e+04 3.389700000000000000e+04 2.806700000000000000e+04 1.607500000000000000e+04 2.170700000000000000e+04 1.481800000000000000e+04
25 | 4.259800000000000000e+04 1.385800000000000000e+04 4.380700000000000000e+04 3.175400000000000000e+04 1.852100000000000000e+04 3.502700000000000000e+04 3.138500000000000000e+04 1.854800000000000000e+04 2.584200000000000000e+04 1.252500000000000000e+04
26 | 3.483700000000000000e+04 1.696700000000000000e+04 6.518500000000000000e+04 4.864500000000000000e+04 3.846600000000000000e+04 3.728700000000000000e+04 3.235300000000000000e+04 4.204100000000000000e+04 3.121700000000000000e+04 1.286100000000000000e+04
27 | 4.070100000000000000e+04 1.334000000000000000e+04 4.415700000000000000e+04 1.858000000000000000e+04 1.638400000000000000e+04 4.225900000000000000e+04 3.594700000000000000e+04 2.596700000000000000e+04 2.150000000000000000e+04 1.968300000000000000e+04
28 | 3.914900000000000000e+04 1.269300000000000000e+04 2.733500000000000000e+04 2.162000000000000000e+04 1.709600000000000000e+04 3.209000000000000000e+04 2.557800000000000000e+04 1.731100000000000000e+04 1.943300000000000000e+04 1.493000000000000000e+04
29 | 4.897900000000000000e+04 1.502400000000000000e+04 5.046500000000000000e+04 2.972700000000000000e+04 2.635600000000000000e+04 4.451900000000000000e+04 3.636200000000000000e+04 2.967600000000000000e+04 2.790900000000000000e+04 1.800500000000000000e+04
30 | 5.156600000000000000e+04 1.217400000000000000e+04 2.978900000000000000e+04 1.824200000000000000e+04 1.852100000000000000e+04 3.773900000000000000e+04 2.751400000000000000e+04 1.607500000000000000e+04 3.245700000000000000e+04 1.912400000000000000e+04
31 | 4.656400000000000000e+04 9.843000000000000000e+03 4.696100000000000000e+04 4.019900000000000000e+04 2.208200000000000000e+04 4.564900000000000000e+04 4.023400000000000000e+04 1.978400000000000000e+04 4.072700000000000000e+04 2.471500000000000000e+04
32 | 4.397700000000000000e+04 1.191500000000000000e+04 3.504500000000000000e+04 2.871400000000000000e+04 2.564400000000000000e+04 4.248500000000000000e+04 3.940400000000000000e+04 1.112900000000000000e+04 3.183700000000000000e+04 3.142500000000000000e+04
33 | 4.570200000000000000e+04 1.411700000000000000e+04 3.504500000000000000e+04 2.229500000000000000e+04 2.421900000000000000e+04 3.254200000000000000e+04 3.249100000000000000e+04 3.585900000000000000e+04 3.225100000000000000e+04 1.431500000000000000e+04
34 | 4.708200000000000000e+04 1.023200000000000000e+04 4.696100000000000000e+04 3.006500000000000000e+04 4.416500000000000000e+04 4.451900000000000000e+04 3.318200000000000000e+04 4.575100000000000000e+04 1.943300000000000000e+04 2.303800000000000000e+04
35 | 4.277000000000000000e+04 1.372900000000000000e+04 4.520900000000000000e+04 2.837600000000000000e+04 2.849300000000000000e+04 3.096000000000000000e+04 3.027900000000000000e+04 1.978400000000000000e+04 2.336100000000000000e+04 1.632800000000000000e+04
36 | 4.225300000000000000e+04 1.385800000000000000e+04 3.679800000000000000e+04 3.344300000000000000e+04 2.137000000000000000e+04 3.886900000000000000e+04 3.650100000000000000e+04 1.607500000000000000e+04 2.997700000000000000e+04 2.136000000000000000e+04
37 | 3.880400000000000000e+04 1.165600000000000000e+04 5.186700000000000000e+04 1.655300000000000000e+04 2.849300000000000000e+04 3.660900000000000000e+04 3.235300000000000000e+04 2.596700000000000000e+04 1.964000000000000000e+04 1.856500000000000000e+04
38 | 3.483700000000000000e+04 1.178600000000000000e+04 4.170400000000000000e+04 2.499800000000000000e+04 1.994500000000000000e+04 3.321900000000000000e+04 2.889600000000000000e+04 1.978400000000000000e+04 2.129400000000000000e+04 1.660700000000000000e+04
39 | 3.518200000000000000e+04 9.843000000000000000e+03 2.593400000000000000e+04 1.655300000000000000e+04 1.994500000000000000e+04 3.209000000000000000e+04 3.180000000000000000e+04 1.854800000000000000e+04 1.984700000000000000e+04 1.353200000000000000e+04
40 | 5.501500000000000000e+04 4.209300000000000000e+04 4.030200000000000000e+04 8.783000000000000000e+03 4.131600000000000000e+04 4.564900000000000000e+04 3.733000000000000000e+04 8.656000000000000000e+03 3.452500000000000000e+04 2.136000000000000000e+04
41 | 4.363300000000000000e+04 1.256300000000000000e+04 3.329300000000000000e+04 1.891700000000000000e+04 3.348000000000000000e+04 4.903800000000000000e+04 4.078700000000000000e+04 2.596700000000000000e+04 3.990000000000000000e+04 2.712000000000000000e+04
42 | 4.104600000000000000e+04 4.015000000000000000e+04 2.663500000000000000e+04 2.770000000000000000e+04 1.424700000000000000e+04 3.321900000000000000e+04 3.235300000000000000e+04 1.731100000000000000e+04 2.212100000000000000e+04 1.677500000000000000e+04
43 | 4.915100000000000000e+04 1.489400000000000000e+04 4.310600000000000000e+04 1.486400000000000000e+04 2.208200000000000000e+04 5.129800000000000000e+04 4.452000000000000000e+04 4.946000000000000000e+03 2.666900000000000000e+04 2.320600000000000000e+04
44 | 3.811400000000000000e+04 4.196300000000000000e+04 3.259200000000000000e+04 2.330900000000000000e+04 2.350700000000000000e+04 3.751300000000000000e+04 3.166100000000000000e+04 2.349400000000000000e+04 2.584200000000000000e+04 1.722300000000000000e+04
45 | 3.483700000000000000e+04 1.334000000000000000e+04 2.593400000000000000e+04 2.162000000000000000e+04 2.635600000000000000e+04 4.564900000000000000e+04 3.677700000000000000e+04 1.854800000000000000e+04 3.349100000000000000e+04 2.102500000000000000e+04
46 | 5.484200000000000000e+04 4.274000000000000000e+04 3.784900000000000000e+04 2.803800000000000000e+04 2.920600000000000000e+04 4.225900000000000000e+04 3.193800000000000000e+04 2.102100000000000000e+04 1.736600000000000000e+04 2.214300000000000000e+04
47 | 5.777400000000000000e+04 3.691200000000000000e+04 3.224200000000000000e+04 1.824200000000000000e+04 2.279500000000000000e+04 5.129800000000000000e+04 3.912700000000000000e+04 1.731100000000000000e+04 3.679900000000000000e+04 2.024200000000000000e+04
48 | 4.949600000000000000e+04 1.217400000000000000e+04 2.663500000000000000e+04 1.824200000000000000e+04 2.208200000000000000e+04 4.790800000000000000e+04 4.216900000000000000e+04 9.892000000000000000e+03 3.576500000000000000e+04 2.695200000000000000e+04
49 | 5.294500000000000000e+04 1.657800000000000000e+04 3.644700000000000000e+04 2.770000000000000000e+04 2.350700000000000000e+04 3.999900000000000000e+04 3.567100000000000000e+04 2.349400000000000000e+04 4.072700000000000000e+04 2.751100000000000000e+04
50 | 5.018600000000000000e+04 1.282200000000000000e+04 3.189100000000000000e+04 2.297100000000000000e+04 2.706900000000000000e+04 4.293700000000000000e+04 4.424300000000000000e+04 2.349400000000000000e+04 3.452500000000000000e+04 4.260900000000000000e+04
51 | 3.483700000000000000e+04 1.282200000000000000e+04 2.383100000000000000e+04 6.081000000000000000e+03 1.567100000000000000e+04 3.932100000000000000e+04 4.051000000000000000e+04 4.946000000000000000e+03 5.168400000000000000e+04 3.310300000000000000e+04
52 | 4.828900000000000000e+04 1.178600000000000000e+04 4.345600000000000000e+04 2.229500000000000000e+04 1.709600000000000000e+04 3.321900000000000000e+04 3.663900000000000000e+04 1.112900000000000000e+04 3.886600000000000000e+04 2.415600000000000000e+04
53 | 4.811600000000000000e+04 1.308100000000000000e+04 3.714800000000000000e+04 1.148600000000000000e+04 2.920600000000000000e+04 6.553500000000000000e+04 4.700800000000000000e+04 2.349400000000000000e+04 3.018300000000000000e+04 3.226400000000000000e+04
54 | 4.725400000000000000e+04 1.502400000000000000e+04 4.626000000000000000e+04 2.195800000000000000e+04 3.205500000000000000e+04 4.564900000000000000e+04 3.387400000000000000e+04 3.214900000000000000e+04 2.625500000000000000e+04 2.807000000000000000e+04
55 | 4.673700000000000000e+04 1.204500000000000000e+04 3.119000000000000000e+04 1.959300000000000000e+04 3.419200000000000000e+04 3.660900000000000000e+04 3.539400000000000000e+04 9.892000000000000000e+03 2.501500000000000000e+04 2.555400000000000000e+04
56 | 4.363300000000000000e+04 1.282200000000000000e+04 3.855000000000000000e+04 3.344300000000000000e+04 3.276800000000000000e+04 4.474500000000000000e+04 3.373500000000000000e+04 8.656000000000000000e+03 4.217400000000000000e+04 2.779100000000000000e+04
57 | 5.501500000000000000e+04 1.243400000000000000e+04 3.294300000000000000e+04 1.925500000000000000e+04 3.419200000000000000e+04 5.016800000000000000e+04 3.677700000000000000e+04 1.607500000000000000e+04 3.349100000000000000e+04 2.851800000000000000e+04
58 | 3.897600000000000000e+04 1.593000000000000000e+04 4.626000000000000000e+04 2.094400000000000000e+04 2.279500000000000000e+04 4.564900000000000000e+04 3.995700000000000000e+04 2.225700000000000000e+04 2.584200000000000000e+04 2.639300000000000000e+04
59 | 4.639200000000000000e+04 8.937000000000000000e+03 3.995200000000000000e+04 2.060600000000000000e+04 2.706900000000000000e+04 5.468800000000000000e+04 4.604000000000000000e+04 7.419000000000000000e+03 3.369800000000000000e+04 3.086600000000000000e+04
60 | 2.311000000000000000e+04 2.590000000000000000e+03 0.000000000000000000e+00 0.000000000000000000e+00 1.282200000000000000e+04 2.259800000000000000e+04 3.180000000000000000e+03 1.854800000000000000e+04 2.070000000000000000e+02 3.746000000000000000e+03
61 | 2.242000000000000000e+04 4.663000000000000000e+03 3.224200000000000000e+04 1.824200000000000000e+04 2.208200000000000000e+04 2.418000000000000000e+04 1.036900000000000000e+04 6.182500000000000000e+04 0.000000000000000000e+00 1.112800000000000000e+04
62 | 2.776600000000000000e+04 8.030000000000000000e+03 2.313000000000000000e+04 2.094400000000000000e+04 2.137000000000000000e+04 2.350200000000000000e+04 1.479400000000000000e+04 4.946000000000000000e+04 4.341000000000000000e+03 2.499500000000000000e+04
63 | 4.553000000000000000e+04 6.605000000000000000e+03 1.962500000000000000e+04 2.499800000000000000e+04 1.709600000000000000e+04 2.531000000000000000e+04 2.004800000000000000e+04 2.349400000000000000e+04 6.616000000000000000e+03 1.409100000000000000e+04
64 | 2.311000000000000000e+04 5.051000000000000000e+03 2.803600000000000000e+04 2.837600000000000000e+04 1.211000000000000000e+04 5.694800000000000000e+04 3.816000000000000000e+04 7.419000000000000000e+03 3.018300000000000000e+04 1.772600000000000000e+04
65 | 1.966100000000000000e+04 9.196000000000000000e+03 4.100300000000000000e+04 2.837600000000000000e+04 2.421900000000000000e+04 2.056400000000000000e+04 1.949500000000000000e+04 3.956800000000000000e+04 1.281800000000000000e+04 9.338000000000000000e+03
66 | 2.311000000000000000e+04 6.087000000000000000e+03 4.205500000000000000e+04 2.533600000000000000e+04 1.994500000000000000e+04 3.254200000000000000e+04 3.193800000000000000e+04 2.967600000000000000e+04 3.452500000000000000e+04 1.856500000000000000e+04
67 | 3.587200000000000000e+04 3.497000000000000000e+03 1.191500000000000000e+04 1.486400000000000000e+04 5.699000000000000000e+03 4.519700000000000000e+04 3.926600000000000000e+04 1.607500000000000000e+04 3.865900000000000000e+04 2.247900000000000000e+04
68 | 2.311000000000000000e+04 5.569000000000000000e+03 1.962500000000000000e+04 3.040300000000000000e+04 5.699000000000000000e+03 2.553600000000000000e+04 2.295100000000000000e+04 1.731100000000000000e+04 1.302400000000000000e+04 1.901200000000000000e+04
69 | 3.983800000000000000e+04 2.590000000000000000e+03 3.504500000000000000e+04 2.162000000000000000e+04 2.849300000000000000e+04 3.502700000000000000e+04 1.327300000000000000e+04 5.193300000000000000e+04 2.070000000000000000e+02 1.056800000000000000e+04
70 | 2.035000000000000000e+04 5.828000000000000000e+03 1.366800000000000000e+04 2.094400000000000000e+04 5.769900000000000000e+04 1.966100000000000000e+04 1.299600000000000000e+04 1.237000000000000000e+03 4.320800000000000000e+04 8.779000000000000000e+03
71 | 2.173000000000000000e+04 1.126800000000000000e+04 2.978900000000000000e+04 3.310500000000000000e+04 2.350700000000000000e+04 2.712000000000000000e+03 9.402000000000000000e+03 2.967600000000000000e+04 2.170700000000000000e+04 9.897000000000000000e+03
72 | 4.880600000000000000e+04 9.973000000000000000e+03 4.591000000000000000e+04 4.864500000000000000e+04 1.139700000000000000e+04 4.451900000000000000e+04 3.484100000000000000e+04 9.892000000000000000e+03 3.018300000000000000e+04 1.174300000000000000e+04
73 | 4.242500000000000000e+04 1.191500000000000000e+04 3.084000000000000000e+04 4.526600000000000000e+04 1.211000000000000000e+04 2.033800000000000000e+04 2.073900000000000000e+04 1.731100000000000000e+04 1.281800000000000000e+04 1.375600000000000000e+04
74 | 3.380200000000000000e+04 1.204500000000000000e+04 4.345600000000000000e+04 6.553500000000000000e+04 4.915100000000000000e+04 5.242800000000000000e+04 3.525600000000000000e+04 9.892000000000000000e+03 3.204400000000000000e+04 1.157500000000000000e+04
75 | 1.603900000000000000e+04 4.533000000000000000e+03 3.294300000000000000e+04 3.513200000000000000e+04 2.208200000000000000e+04 5.423600000000000000e+04 2.488700000000000000e+04 0.000000000000000000e+00 2.563500000000000000e+04 1.079200000000000000e+04
76 | 1.086500000000000000e+04 1.476500000000000000e+04 1.962500000000000000e+04 1.824200000000000000e+04 1.923300000000000000e+04 1.423700000000000000e+04 1.700600000000000000e+04 2.596700000000000000e+04 1.529800000000000000e+04 1.409100000000000000e+04
77 | 3.449200000000000000e+04 2.072000000000000000e+03 1.226600000000000000e+04 1.824200000000000000e+04 1.139700000000000000e+04 2.192000000000000000e+04 2.336600000000000000e+04 1.360200000000000000e+04 2.170700000000000000e+04 1.856500000000000000e+04
78 | 1.396900000000000000e+04 2.784600000000000000e+04 3.049000000000000000e+04 2.499800000000000000e+04 2.991800000000000000e+04 1.672300000000000000e+04 1.354900000000000000e+04 3.709500000000000000e+04 1.116400000000000000e+04 7.661000000000000000e+03
79 | 2.242000000000000000e+04 3.238000000000000000e+03 2.067700000000000000e+04 1.418800000000000000e+04 4.701400000000000000e+04 2.079000000000000000e+04 2.087700000000000000e+04 2.720300000000000000e+04 4.858300000000000000e+04 1.185400000000000000e+04
80 | 2.880100000000000000e+04 4.053800000000000000e+04 3.644700000000000000e+04 4.188800000000000000e+04 2.208200000000000000e+04 4.180700000000000000e+04 3.055500000000000000e+04 3.709500000000000000e+04 3.183700000000000000e+04 7.213000000000000000e+03
81 | 1.672900000000000000e+04 2.331000000000000000e+03 2.242900000000000000e+04 2.837600000000000000e+04 1.139700000000000000e+04 3.254200000000000000e+04 2.654600000000000000e+04 2.102100000000000000e+04 2.108700000000000000e+04 6.822000000000000000e+03
82 | 2.914600000000000000e+04 1.385800000000000000e+04 2.943800000000000000e+04 2.770000000000000000e+04 1.139700000000000000e+04 2.757000000000000000e+04 3.027900000000000000e+04 1.607500000000000000e+04 2.811600000000000000e+04 1.465000000000000000e+04
83 | 1.810800000000000000e+04 5.051000000000000000e+03 4.030200000000000000e+04 4.526600000000000000e+04 5.699000000000000000e+03 2.305000000000000000e+04 1.714400000000000000e+04 3.338600000000000000e+04 2.046700000000000000e+04 5.144000000000000000e+03
84 | 3.483700000000000000e+04 4.040900000000000000e+04 3.364400000000000000e+04 4.019900000000000000e+04 1.068500000000000000e+04 1.514100000000000000e+04 1.728200000000000000e+04 5.935200000000000000e+04 2.501500000000000000e+04 1.968300000000000000e+04
85 | 1.396900000000000000e+04 1.943000000000000000e+03 4.275500000000000000e+04 2.499800000000000000e+04 1.709600000000000000e+04 2.757000000000000000e+04 2.585500000000000000e+04 1.112900000000000000e+04 4.010700000000000000e+04 9.897000000000000000e+03
86 | 2.828400000000000000e+04 3.108000000000000000e+03 3.084000000000000000e+04 2.499800000000000000e+04 2.065800000000000000e+04 2.757000000000000000e+04 2.212200000000000000e+04 2.102100000000000000e+04 2.170700000000000000e+04 7.493000000000000000e+03
87 | 1.948800000000000000e+04 1.126800000000000000e+04 3.329300000000000000e+04 4.121300000000000000e+04 1.424700000000000000e+04 1.807900000000000000e+04 1.866500000000000000e+04 3.709500000000000000e+04 2.377500000000000000e+04 6.542000000000000000e+03
88 | 1.069300000000000000e+04 1.204500000000000000e+04 4.415700000000000000e+04 5.202300000000000000e+04 1.282200000000000000e+04 2.124200000000000000e+04 1.755900000000000000e+04 3.338600000000000000e+04 1.922600000000000000e+04 7.381000000000000000e+03
89 | 1.052000000000000000e+04 1.709600000000000000e+04 3.855000000000000000e+04 3.715900000000000000e+04 9.973000000000000000e+03 2.192000000000000000e+04 1.866500000000000000e+04 4.327800000000000000e+04 1.943300000000000000e+04 8.499000000000000000e+03
90 | 1.810800000000000000e+04 7.641000000000000000e+03 3.294300000000000000e+04 4.391500000000000000e+04 0.000000000000000000e+00 2.757000000000000000e+04 1.728200000000000000e+04 3.585900000000000000e+04 2.005300000000000000e+04 2.572000000000000000e+03
91 | 1.810800000000000000e+04 1.411700000000000000e+04 3.364400000000000000e+04 2.668700000000000000e+04 7.836000000000000000e+03 1.401100000000000000e+04 1.603800000000000000e+04 4.822400000000000000e+04 2.542800000000000000e+04 6.263000000000000000e+03
92 | 1.672900000000000000e+04 9.973000000000000000e+03 3.714800000000000000e+04 3.851000000000000000e+04 1.139700000000000000e+04 1.062100000000000000e+04 1.258200000000000000e+04 4.575100000000000000e+04 2.522200000000000000e+04 1.297300000000000000e+04
93 | 2.862800000000000000e+04 1.023200000000000000e+04 3.154100000000000000e+04 3.411900000000000000e+04 7.123000000000000000e+03 9.039000000000000000e+03 1.548500000000000000e+04 5.564300000000000000e+04 2.501500000000000000e+04 9.897000000000000000e+03
94 | 2.173000000000000000e+04 2.706900000000000000e+04 3.013900000000000000e+04 2.499800000000000000e+04 1.282200000000000000e+04 3.321900000000000000e+04 2.640800000000000000e+04 1.483800000000000000e+04 3.266400000000000000e+04 4.865000000000000000e+03
95 | 1.017500000000000000e+04 1.618900000000000000e+04 3.224200000000000000e+04 2.499800000000000000e+04 1.994500000000000000e+04 4.610000000000000000e+04 2.654600000000000000e+04 4.946000000000000000e+03 1.943300000000000000e+04 1.101600000000000000e+04
96 | 2.483400000000000000e+04 1.010200000000000000e+04 2.943800000000000000e+04 2.837600000000000000e+04 6.553500000000000000e+04 3.434900000000000000e+04 2.668400000000000000e+04 2.349400000000000000e+04 5.933300000000000000e+04 7.381000000000000000e+03
97 | 1.345200000000000000e+04 1.787300000000000000e+04 4.836300000000000000e+04 3.682100000000000000e+04 4.559000000000000000e+04 1.401100000000000000e+04 8.987000000000000000e+03 1.237000000000000000e+03 2.377500000000000000e+04 6.822000000000000000e+03
98 | 2.173000000000000000e+04 8.678000000000000000e+03 2.172800000000000000e+04 1.824200000000000000e+04 1.068500000000000000e+04 3.547900000000000000e+04 2.986400000000000000e+04 1.978400000000000000e+04 2.811600000000000000e+04 9.059000000000000000e+03
99 | 2.311000000000000000e+04 4.274000000000000000e+03 2.593400000000000000e+04 2.668700000000000000e+04 1.282200000000000000e+04 5.740000000000000000e+04 4.714600000000000000e+04 1.360200000000000000e+04 3.183700000000000000e+04 1.800500000000000000e+04
100 | 2.173000000000000000e+04 3.147200000000000000e+04 2.978900000000000000e+04 2.499800000000000000e+04 1.282200000000000000e+04 4.225900000000000000e+04 3.663900000000000000e+04 3.956800000000000000e+04 4.961600000000000000e+04 5.704000000000000000e+03
101 | 1.810800000000000000e+04 1.735500000000000000e+04 1.191500000000000000e+04 2.330900000000000000e+04 1.923300000000000000e+04 2.824800000000000000e+04 2.530100000000000000e+04 1.607500000000000000e+04 2.046700000000000000e+04 1.129500000000000000e+04
102 | 2.707600000000000000e+04 7.771000000000000000e+03 1.892500000000000000e+04 2.668700000000000000e+04 1.282200000000000000e+04 1.062100000000000000e+04 1.410200000000000000e+04 1.978400000000000000e+04 1.943300000000000000e+04 6.542000000000000000e+03
103 | 2.259200000000000000e+04 2.214700000000000000e+04 3.855000000000000000e+04 3.513200000000000000e+04 1.994500000000000000e+04 3.570500000000000000e+04 2.447200000000000000e+04 2.596700000000000000e+04 1.860600000000000000e+04 8.499000000000000000e+03
104 | 1.362400000000000000e+04 1.269300000000000000e+04 1.822400000000000000e+04 3.006500000000000000e+04 1.139700000000000000e+04 3.434900000000000000e+04 1.797400000000000000e+04 2.967600000000000000e+04 2.088000000000000000e+04 4.362000000000000000e+03
105 | 2.552400000000000000e+04 1.282200000000000000e+04 2.172800000000000000e+04 3.344300000000000000e+04 1.068500000000000000e+04 2.757000000000000000e+04 2.184500000000000000e+04 2.349400000000000000e+04 2.212100000000000000e+04 9.282000000000000000e+03
106 | 2.397200000000000000e+04 2.344200000000000000e+04 3.189100000000000000e+04 3.851000000000000000e+04 1.424700000000000000e+04 1.581900000000000000e+04 2.073900000000000000e+04 6.553500000000000000e+04 2.088000000000000000e+04 7.940000000000000000e+03
107 | 2.104000000000000000e+04 1.282200000000000000e+04 2.663500000000000000e+04 2.837600000000000000e+04 7.123000000000000000e+03 1.514100000000000000e+04 2.336600000000000000e+04 2.967600000000000000e+04 2.522200000000000000e+04 1.185400000000000000e+04
108 | 2.914600000000000000e+04 1.308100000000000000e+04 3.224200000000000000e+04 4.019900000000000000e+04 9.973000000000000000e+03 9.039000000000000000e+03 1.963300000000000000e+04 4.327800000000000000e+04 2.522200000000000000e+04 1.129500000000000000e+04
109 | 2.052300000000000000e+04 7.123000000000000000e+03 2.032600000000000000e+04 2.837600000000000000e+04 1.567100000000000000e+04 3.118600000000000000e+04 2.350400000000000000e+04 3.214900000000000000e+04 3.452500000000000000e+04 7.940000000000000000e+03
110 | 1.000300000000000000e+04 7.900000000000000000e+03 4.696100000000000000e+04 3.175400000000000000e+04 1.709600000000000000e+04 3.977300000000000000e+04 3.567100000000000000e+04 1.978400000000000000e+04 4.300100000000000000e+04 7.661000000000000000e+03
111 | 7.416000000000000000e+03 3.885500000000000000e+04 1.612100000000000000e+04 3.006500000000000000e+04 2.635600000000000000e+04 4.971600000000000000e+04 3.097000000000000000e+04 1.360200000000000000e+04 6.553500000000000000e+04 9.059000000000000000e+03
112 | 2.569700000000000000e+04 2.188800000000000000e+04 2.838700000000000000e+04 3.513200000000000000e+04 1.282200000000000000e+04 3.547900000000000000e+04 2.668400000000000000e+04 1.607500000000000000e+04 1.674600000000000000e+04 4.026000000000000000e+03
113 | 1.259000000000000000e+04 2.512600000000000000e+04 5.467100000000000000e+04 3.175400000000000000e+04 2.350700000000000000e+04 1.740100000000000000e+04 2.336600000000000000e+04 5.811600000000000000e+04 1.323100000000000000e+04 1.409100000000000000e+04
114 | 6.554000000000000000e+03 0.000000000000000000e+00 3.995200000000000000e+04 3.513200000000000000e+04 1.282200000000000000e+04 3.389700000000000000e+04 2.308900000000000000e+04 3.585900000000000000e+04 2.129400000000000000e+04 1.006500000000000000e+04
115 | 1.810800000000000000e+04 8.419000000000000000e+03 3.995200000000000000e+04 4.019900000000000000e+04 9.973000000000000000e+03 3.570500000000000000e+04 2.696100000000000000e+04 3.709500000000000000e+04 1.302400000000000000e+04 9.059000000000000000e+03
116 | 0.000000000000000000e+00 9.973000000000000000e+03 2.943800000000000000e+04 3.682100000000000000e+04 1.068500000000000000e+04 3.344500000000000000e+04 2.530100000000000000e+04 4.822400000000000000e+04 3.307800000000000000e+04 3.467000000000000000e+03
117 | 1.362400000000000000e+04 9.455000000000000000e+03 2.207900000000000000e+04 3.445700000000000000e+04 1.139700000000000000e+04 2.259800000000000000e+04 1.742100000000000000e+04 2.102100000000000000e+04 2.315400000000000000e+04 3.746000000000000000e+03
118 | 2.397200000000000000e+04 1.126800000000000000e+04 2.908800000000000000e+04 4.019900000000000000e+04 2.706900000000000000e+04 2.305000000000000000e+04 2.419500000000000000e+04 2.596700000000000000e+04 2.480800000000000000e+04 4.362000000000000000e+03
119 | 3.000800000000000000e+04 3.484000000000000000e+04 2.172800000000000000e+04 1.824200000000000000e+04 7.123000000000000000e+03 1.468900000000000000e+04 1.258200000000000000e+04 3.709500000000000000e+04 8.683000000000000000e+03 1.185400000000000000e+04
120 | 1.672900000000000000e+04 3.484000000000000000e+04 2.242900000000000000e+04 2.837600000000000000e+04 1.211000000000000000e+04 2.305000000000000000e+04 1.797400000000000000e+04 2.967600000000000000e+04 3.018300000000000000e+04 0.000000000000000000e+00
121 | 7.243000000000000000e+03 2.150000000000000000e+04 3.714800000000000000e+04 3.175400000000000000e+04 1.852100000000000000e+04 4.338900000000000000e+04 3.387400000000000000e+04 2.349400000000000000e+04 2.935600000000000000e+04 1.101600000000000000e+04
122 | 9.140000000000000000e+03 1.696700000000000000e+04 6.553500000000000000e+04 6.046800000000000000e+04 3.490500000000000000e+04 4.971600000000000000e+04 6.553500000000000000e+04 4.204100000000000000e+04 3.018300000000000000e+04 2.639300000000000000e+04
123 | 2.397200000000000000e+04 4.779100000000000000e+04 4.801200000000000000e+04 5.371200000000000000e+04 2.279500000000000000e+04 2.757000000000000000e+04 2.474800000000000000e+04 3.709500000000000000e+04 2.687600000000000000e+04 4.473000000000000000e+03
124 | 3.483700000000000000e+04 6.553500000000000000e+04 2.698500000000000000e+04 3.682100000000000000e+04 1.139700000000000000e+04 3.706100000000000000e+04 3.193800000000000000e+04 2.102100000000000000e+04 3.307800000000000000e+04 7.381000000000000000e+03
125 | 1.448700000000000000e+04 4.623700000000000000e+04 3.609700000000000000e+04 3.513200000000000000e+04 8.548000000000000000e+03 4.248500000000000000e+04 3.719200000000000000e+04 9.892000000000000000e+03 5.168400000000000000e+04 8.499000000000000000e+03
126 | 1.793600000000000000e+04 1.839100000000000000e+04 2.838700000000000000e+04 3.513200000000000000e+04 1.068500000000000000e+04 3.660900000000000000e+04 3.193800000000000000e+04 2.967600000000000000e+04 1.943300000000000000e+04 8.276000000000000000e+03
127 | 2.414400000000000000e+04 1.023200000000000000e+04 3.259200000000000000e+04 3.682100000000000000e+04 1.139700000000000000e+04 3.977300000000000000e+04 3.885100000000000000e+04 3.214900000000000000e+04 2.811600000000000000e+04 1.487400000000000000e+04
128 | 1.310700000000000000e+04 1.800300000000000000e+04 4.976500000000000000e+04 6.046800000000000000e+04 1.567100000000000000e+04 2.598800000000000000e+04 2.626900000000000000e+04 5.564300000000000000e+04 2.790900000000000000e+04 9.618000000000000000e+03
129 | 2.311000000000000000e+04 1.152700000000000000e+04 3.294300000000000000e+04 4.695500000000000000e+04 1.282200000000000000e+04 2.802200000000000000e+04 2.917300000000000000e+04 3.338600000000000000e+04 3.080400000000000000e+04 4.697000000000000000e+03
130 | 1.741900000000000000e+04 4.610800000000000000e+04 3.574600000000000000e+04 3.851000000000000000e+04 7.123000000000000000e+03 2.531000000000000000e+04 1.949500000000000000e+04 3.585900000000000000e+04 1.943300000000000000e+04 7.381000000000000000e+03
131 | 3.156000000000000000e+04 7.900000000000000000e+03 3.364400000000000000e+04 2.499800000000000000e+04 3.704200000000000000e+04 1.197700000000000000e+04 1.258200000000000000e+04 9.892000000000000000e+03 1.095700000000000000e+04 1.576900000000000000e+04
132 | 3.190500000000000000e+04 2.914100000000000000e+04 3.644700000000000000e+04 3.175400000000000000e+04 2.421900000000000000e+04 7.231000000000000000e+03 1.216700000000000000e+04 1.360200000000000000e+04 8.683000000000000000e+03 2.303800000000000000e+04
133 | 3.069800000000000000e+04 2.033400000000000000e+04 3.644700000000000000e+04 4.526600000000000000e+04 1.994500000000000000e+04 3.842000000000000000e+03 1.036900000000000000e+04 1.731100000000000000e+04 8.683000000000000000e+03 2.471500000000000000e+04
134 | 2.880100000000000000e+04 3.639400000000000000e+04 3.504500000000000000e+04 3.682100000000000000e+04 2.564400000000000000e+04 1.627100000000000000e+04 1.189000000000000000e+04 4.946000000000000000e+03 8.890000000000000000e+03 2.080100000000000000e+04
135 | 2.552400000000000000e+04 6.476000000000000000e+03 3.119000000000000000e+04 2.330900000000000000e+04 1.068500000000000000e+04 2.305000000000000000e+04 3.318000000000000000e+03 5.811600000000000000e+04 1.736600000000000000e+04 2.331700000000000000e+04
136 | 2.707600000000000000e+04 2.227700000000000000e+04 2.943800000000000000e+04 2.668700000000000000e+04 1.709600000000000000e+04 1.446300000000000000e+04 4.424000000000000000e+03 6.182500000000000000e+04 1.095700000000000000e+04 3.254400000000000000e+04
137 | 2.104000000000000000e+04 5.154700000000000000e+04 4.135400000000000000e+04 3.513200000000000000e+04 1.353400000000000000e+04 9.039000000000000000e+03 1.797000000000000000e+03 4.946000000000000000e+04 8.063000000000000000e+03 1.437100000000000000e+04
138 | 2.586900000000000000e+04 6.177900000000000000e+04 4.485800000000000000e+04 4.864500000000000000e+04 1.852100000000000000e+04 1.830500000000000000e+04 3.595000000000000000e+03 6.182500000000000000e+04 1.426500000000000000e+04 2.080100000000000000e+04
139 | 4.242500000000000000e+04 3.691200000000000000e+04 2.908800000000000000e+04 3.006500000000000000e+04 1.282200000000000000e+04 1.446300000000000000e+04 1.936000000000000000e+03 5.564300000000000000e+04 9.717000000000000000e+03 2.471500000000000000e+04
140 | 3.121500000000000000e+04 2.875300000000000000e+04 4.380700000000000000e+04 4.526600000000000000e+04 2.208200000000000000e+04 3.028200000000000000e+04 3.595000000000000000e+03 4.946000000000000000e+04 8.269000000000000000e+03 2.035400000000000000e+04
141 | 3.276800000000000000e+04 2.681000000000000000e+04 4.696100000000000000e+04 3.513200000000000000e+04 1.852100000000000000e+04 1.265500000000000000e+04 2.212000000000000000e+03 4.946000000000000000e+04 7.029000000000000000e+03 1.856500000000000000e+04
142 | 4.018300000000000000e+04 2.357200000000000000e+04 3.469500000000000000e+04 3.175400000000000000e+04 1.353400000000000000e+04 9.491000000000000000e+03 2.212000000000000000e+03 2.967600000000000000e+04 4.755000000000000000e+03 2.415600000000000000e+04
143 | 4.294300000000000000e+04 3.147200000000000000e+04 4.766200000000000000e+04 4.357700000000000000e+04 1.923300000000000000e+04 1.288100000000000000e+04 2.489000000000000000e+03 4.575100000000000000e+04 2.894000000000000000e+03 1.716700000000000000e+04
144 | 4.466700000000000000e+04 5.452600000000000000e+04 3.469500000000000000e+04 3.175400000000000000e+04 1.567100000000000000e+04 2.305000000000000000e+04 6.360000000000000000e+03 4.204100000000000000e+04 1.261100000000000000e+04 1.744600000000000000e+04
145 | 2.104000000000000000e+04 4.066800000000000000e+04 2.943800000000000000e+04 2.668700000000000000e+04 2.991800000000000000e+04 9.039000000000000000e+03 6.083000000000000000e+03 1.978400000000000000e+04 1.509200000000000000e+04 3.875100000000000000e+04
146 | 3.673400000000000000e+04 3.665300000000000000e+04 2.768600000000000000e+04 3.513200000000000000e+04 2.279500000000000000e+04 1.175100000000000000e+04 2.903000000000000000e+03 3.709500000000000000e+04 1.839900000000000000e+04 1.520900000000000000e+04
147 | 4.915100000000000000e+04 5.569200000000000000e+04 3.049000000000000000e+04 3.175400000000000000e+04 7.123000000000000000e+03 0.000000000000000000e+00 0.000000000000000000e+00 3.338600000000000000e+04 5.582000000000000000e+03 2.024200000000000000e+04
148 | 3.173300000000000000e+04 5.012300000000000000e+04 3.925100000000000000e+04 3.682100000000000000e+04 1.139700000000000000e+04 1.627100000000000000e+04 4.286000000000000000e+03 4.204100000000000000e+04 9.303000000000000000e+03 3.561900000000000000e+04
149 | 3.949300000000000000e+04 3.237900000000000000e+04 3.574600000000000000e+04 3.682100000000000000e+04 1.567100000000000000e+04 2.146800000000000000e+04 5.807000000000000000e+03 3.956800000000000000e+04 1.736600000000000000e+04 3.992500000000000000e+04
150 | 3.535400000000000000e+04 4.092700000000000000e+04 3.504500000000000000e+04 3.682100000000000000e+04 3.063000000000000000e+04 9.717000000000000000e+03 1.451700000000000000e+04 2.596700000000000000e+04 1.509200000000000000e+04 4.540500000000000000e+04
151 | 4.259800000000000000e+04 3.082500000000000000e+04 4.415700000000000000e+04 4.526600000000000000e+04 3.775400000000000000e+04 9.491000000000000000e+03 1.700600000000000000e+04 1.112900000000000000e+04 1.736600000000000000e+04 4.093100000000000000e+04
152 | 3.035300000000000000e+04 2.499700000000000000e+04 3.925100000000000000e+04 3.851000000000000000e+04 2.991800000000000000e+04 1.129900000000000000e+04 1.410200000000000000e+04 1.360200000000000000e+04 1.757200000000000000e+04 5.323300000000000000e+04
153 | 3.587200000000000000e+04 1.502400000000000000e+04 4.871300000000000000e+04 5.033400000000000000e+04 3.276800000000000000e+04 2.757000000000000000e+04 1.299600000000000000e+04 1.607500000000000000e+04 2.377500000000000000e+04 3.254400000000000000e+04
154 | 3.794100000000000000e+04 3.315600000000000000e+04 3.224200000000000000e+04 2.668700000000000000e+04 1.994500000000000000e+04 1.853100000000000000e+04 6.775000000000000000e+03 5.935200000000000000e+04 3.018300000000000000e+04 5.166800000000000000e+04
155 | 2.673100000000000000e+04 7.123000000000000000e+03 2.593400000000000000e+04 3.175400000000000000e+04 2.350700000000000000e+04 1.129900000000000000e+04 3.318000000000000000e+03 4.946000000000000000e+04 2.046700000000000000e+04 3.534000000000000000e+04
156 | 3.690700000000000000e+04 5.763500000000000000e+04 3.364400000000000000e+04 3.851000000000000000e+04 1.638400000000000000e+04 1.717500000000000000e+04 4.010000000000000000e+03 5.935200000000000000e+04 2.356800000000000000e+04 3.701700000000000000e+04
157 | 4.846100000000000000e+04 4.377600000000000000e+04 3.574600000000000000e+04 3.006500000000000000e+04 1.353400000000000000e+04 1.853100000000000000e+04 6.775000000000000000e+03 4.327800000000000000e+04 2.377500000000000000e+04 4.322400000000000000e+04
158 | 2.448900000000000000e+04 2.965900000000000000e+04 4.485800000000000000e+04 5.540100000000000000e+04 1.923300000000000000e+04 2.079000000000000000e+04 3.318000000000000000e+03 6.182500000000000000e+04 1.509200000000000000e+04 3.478100000000000000e+04
159 | 5.708400000000000000e+04 1.217400000000000000e+04 4.696100000000000000e+04 4.864500000000000000e+04 1.994500000000000000e+04 4.112900000000000000e+04 1.341100000000000000e+04 4.946000000000000000e+04 4.734200000000000000e+04 6.553500000000000000e+04
160 | 4.225300000000000000e+04 1.204500000000000000e+04 4.485800000000000000e+04 4.019900000000000000e+04 1.353400000000000000e+04 3.660900000000000000e+04 1.050800000000000000e+04 4.822400000000000000e+04 3.886600000000000000e+04 5.854500000000000000e+04
161 | 2.293700000000000000e+04 4.002000000000000000e+04 3.574600000000000000e+04 3.513200000000000000e+04 1.282200000000000000e+04 2.983000000000000000e+04 8.019000000000000000e+03 4.575100000000000000e+04 1.302400000000000000e+04 3.561900000000000000e+04
162 | 4.587400000000000000e+04 3.263800000000000000e+04 4.135400000000000000e+04 3.175400000000000000e+04 2.635600000000000000e+04 1.920900000000000000e+04 3.042000000000000000e+03 4.575100000000000000e+04 8.063000000000000000e+03 2.572200000000000000e+04
163 | 3.138800000000000000e+04 3.276700000000000000e+04 4.275500000000000000e+04 3.851000000000000000e+04 2.564400000000000000e+04 1.514100000000000000e+04 3.595000000000000000e+03 5.811600000000000000e+04 1.137000000000000000e+04 2.404400000000000000e+04
164 | 3.328500000000000000e+04 3.509900000000000000e+04 3.469500000000000000e+04 2.668700000000000000e+04 2.564400000000000000e+04 9.265000000000000000e+03 4.977000000000000000e+03 3.338600000000000000e+04 1.095700000000000000e+04 2.236700000000000000e+04
165 | 4.742700000000000000e+04 2.616200000000000000e+04 3.294300000000000000e+04 3.851000000000000000e+04 1.424700000000000000e+04 8.361000000000000000e+03 4.701000000000000000e+03 3.462200000000000000e+04 1.281800000000000000e+04 4.641100000000000000e+04
166 | 4.656400000000000000e+04 4.688500000000000000e+04 3.154100000000000000e+04 4.019900000000000000e+04 1.282200000000000000e+04 6.779000000000000000e+03 1.797000000000000000e+03 4.822400000000000000e+04 1.529800000000000000e+04 2.986000000000000000e+04
167 | 4.173500000000000000e+04 3.833700000000000000e+04 4.345600000000000000e+04 4.188800000000000000e+04 2.920600000000000000e+04 1.627100000000000000e+04 8.019000000000000000e+03 3.709500000000000000e+04 2.170700000000000000e+04 5.256200000000000000e+04
168 | 3.087000000000000000e+04 3.406300000000000000e+04 3.294300000000000000e+04 3.006500000000000000e+04 1.282200000000000000e+04 1.129900000000000000e+04 4.424000000000000000e+03 3.338600000000000000e+04 1.157700000000000000e+04 5.021400000000000000e+04
169 | 4.397700000000000000e+04 2.383100000000000000e+04 4.661000000000000000e+04 4.695500000000000000e+04 2.493200000000000000e+04 1.288100000000000000e+04 6.913000000000000000e+03 3.214900000000000000e+04 2.336100000000000000e+04 4.126700000000000000e+04
170 | 4.087300000000000000e+04 4.999300000000000000e+04 5.256800000000000000e+04 4.864500000000000000e+04 2.991800000000000000e+04 2.259800000000000000e+04 8.572000000000000000e+03 1.731100000000000000e+04 1.447100000000000000e+04 4.037200000000000000e+04
171 | 2.017800000000000000e+04 2.965900000000000000e+04 3.364400000000000000e+04 2.837600000000000000e+04 1.852100000000000000e+04 6.102000000000000000e+03 2.074000000000000000e+03 3.338600000000000000e+04 6.616000000000000000e+03 2.359700000000000000e+04
172 | 3.000800000000000000e+04 2.137000000000000000e+04 3.224200000000000000e+04 3.006500000000000000e+04 1.139700000000000000e+04 9.265000000000000000e+03 2.350000000000000000e+03 4.327800000000000000e+04 4.755000000000000000e+03 4.820100000000000000e+04
173 | 5.398000000000000000e+04 2.292400000000000000e+04 3.925100000000000000e+04 3.175400000000000000e+04 1.495900000000000000e+04 1.581900000000000000e+04 4.977000000000000000e+03 3.833200000000000000e+04 1.715900000000000000e+04 4.708200000000000000e+04
174 | 4.621900000000000000e+04 6.359200000000000000e+04 3.820000000000000000e+04 3.344300000000000000e+04 1.780800000000000000e+04 1.581900000000000000e+04 3.733000000000000000e+03 4.822400000000000000e+04 1.343800000000000000e+04 3.589900000000000000e+04
175 | 4.087300000000000000e+04 4.105700000000000000e+04 3.925100000000000000e+04 4.188800000000000000e+04 2.279500000000000000e+04 1.853100000000000000e+04 5.669000000000000000e+03 3.709500000000000000e+04 2.067400000000000000e+04 3.366200000000000000e+04
176 | 3.863100000000000000e+04 4.584900000000000000e+04 3.154100000000000000e+04 3.175400000000000000e+04 3.561700000000000000e+04 1.378500000000000000e+04 4.839000000000000000e+03 3.709500000000000000e+04 1.943300000000000000e+04 4.987800000000000000e+04
177 | 3.690700000000000000e+04 2.396000000000000000e+04 3.539600000000000000e+04 3.175400000000000000e+04 3.561700000000000000e+04 1.514100000000000000e+04 4.701000000000000000e+03 4.946000000000000000e+04 2.170700000000000000e+04 4.484600000000000000e+04
178 | 5.346300000000000000e+04 4.351700000000000000e+04 4.836300000000000000e+04 4.695500000000000000e+04 1.852100000000000000e+04 2.418000000000000000e+04 5.807000000000000000e+03 5.317000000000000000e+04 1.943300000000000000e+04 4.428600000000000000e+04
179 |
--------------------------------------------------------------------------------