For the following assignments, please provide as much evidence of the results as possible, including the code, screenshots (only plots – not text or code) and documentation. Submit code in one ipynb...

1 answer below »
Please find instructions for this order in the uploaded file, answer all questions carefully. Give clear explanations on short-answer questions and submit all in a word document. For coding parts, submit your codes in ipynb files. pdf files uploaded are for your reference.


For the following assignments, please provide as much evidence of the results as possible, including the code, screenshots (only plots – not text or code) and documentation. Submit code in one ipynb file, for explanations please use word for documentation. 1.a. Choose one of the cleaned datasets at https://www.kaggle.com/annavictoria/ml-friendly-public-datasets. Split it into training and test data. Write from scratch and apply any ML algorithm that you learned to this dataset. You can use Python to implement it. For the implementation, you may use any classes, modules, and functions in Python libraries such as NumPy to do various math / linear algebra operations, but not use the ML classes or functions directly. Apply another algorithm that you learned to the same dataset. For this one, you are free to implement it from scratch or use the ML class and functions directly from the ML packages. Which one of the algorithm fares better? Use as many evaluation metrics as possible to discuss the performance of the algorithms. Write down your comments in your script. 1.b. Derive an equation for accuracy in terms of Specificity and Sensitivity. The equation can include metrics such as number of True Positives or number of False Positives, etc. in addition to accuracy, Specificity and Sensitivity. Give an interpretation of the equation. 2.(a) Refer to online tutorials on regularization such as https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2 and https://towardsdatascience.com/ridge-and-lasso-regression-a-complete-guide-with-python-scikit-learn-e20e34bcbf0b Apply the techniques from the above tutorial to the student dataset at https://archive.ics.uci.edu/ml/datasets/student+performance Does regularization help improve the accuracy of predicting the final Math grade of the students? 2.(b) For regularization, we added the regularizer to the loss function. Does it make sense to multiply or subtract the term, instead? Explain. 3.(a) Manually generate the decision tree (as much as possible) for the following subset from a large dataset using the ID3 algorithm. Show the information gain computation at each stage. 3.(b) Then generate the decision tree programmatically using Python. Submit code and the decision tree so generated. Dataset for "Play Tennis" Decision Tree that you will generate 4/18/2020 Regularization of Linear Models with SKLearn - Coinmonks - Medium https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2 1/5 Regularization of Linear Models with SKLearn Robert Thas John Follow Jul 11, 2018 · 3 min read An over�t model Linear models are usually a good starting point for training a model. However, a lot of datasets do not exhibit linear relationships between the independent and the dependent variables. As a result, it is frequently necessary to create a polynomial model. However, these models are usually prone to overfitting. One method of reducing overfitting in polynomial models is through the use of regularization. Let’s start by building a baseline model to determine the required improvement. We will make use of the popular Boston Housing dataset which is available on Kaggle here. Let’s import the necessary libraries and load up our training dataset. 1 2 3 #imports import numpy as np import pandas as pd https://medium.com/@robertjohn_15390?source=post_page-----f88633a93a2---------------------- https://medium.com/@robertjohn_15390?source=post_page-----f88633a93a2---------------------- https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2?source=post_page-----f88633a93a2---------------------- https://www.kaggle.com/c/boston-housing 4/18/2020 Regularization of Linear Models with SKLearn - Coinmonks - Medium https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2 2/5 Let’s split our data into a training set and a validation set. We will hold out 30% of the data for validation. We will use a random state to make our experiment reproducible. view raw 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 regularization_imports.py hosted with ❤ by GitHub import math from sklearn.model_selection import train_test_split from sklearn.linear_model import LinearRegression from sklearn.linear_model import Ridge from sklearn.linear_model import Lasso from sklearn.linear_model import ElasticNet from sklearn.metrics import mean_squared_error from sklearn.preprocessing import PolynomialFeatures from sklearn.pipeline import Pipeline from sklearn.preprocessing import StandardScaler import matplotlib.pyplot as plt import seaborn as sns sns.set() %matplotlib inline #import training dataset train_df = pd.read_csv('train.csv', index_col='ID') #see the columns in our data train_df.info() # take a look at the head of the dataset train_df.head() view rawtrain_test_split_boston.py hosted with ❤ by GitHub 1 2 3 4 5 #create our X and y X = train_df.drop('medv', axis=1) y = train_df['medv'] X_train, X_test, y_train, y_test = train_test_split(X, y, random_state=42, test_size=0.3) https://gist.github.com/securetorobert/99ef19b2566805cc28ee187d86ccad73/raw/5574b69eadbe9c3173d1c56313f5f1327c7d29e7/regularization_imports.py https://gist.github.com/securetorobert/99ef19b2566805cc28ee187d86ccad73#file-regularization_imports-py https://github.com/ https://gist.github.com/securetorobert/fecf3de2aa804a1ad4a2310629537c0e/raw/5314ce11edd6e05a4a94d852de8bdf09befc20a2/train_test_split_boston.py https://gist.github.com/securetorobert/fecf3de2aa804a1ad4a2310629537c0e#file-train_test_split_boston-py https://github.com/ 4/18/2020 Regularization of Linear Models with SKLearn - Coinmonks - Medium https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2 3/5 Let’s establish a baseline by training a linear regression model. The model above should give us a training accuracy and a test accuracy of about 72%. We should also get an RMSE of about 4.587. The next models we train should outperform this model with higher accuracy scores and a lower RMSE. We need to engineer new features. Specifically, we need to create polynomial features by taking our individual features and raising them to a chosen power. Thankfully, scikit- learn has an implementation for this and we don’t need to do it manually. Something else we would like to do is standardize our data. This scales our data down to a range between 0 and 1. This serves the purpose of letting us work with reasonable numbers when we raise to a power. Finally, because we need to carry out the same operations on our training, validation, and test sets, we will introduce a pipeline. This will let us pipe our process so the same steps get carried out repeatedly. To summarize, we will scale our data, then create polynomial features, and then train a linear regression model. After running our code, we will get a training accuracy of about 94.75%, and a test accuracy of 46.76%. This is a sign of overfitting. It’s normally not a desirable feature, but that is exactly what we were hoping for. view raw 1 2 3 4 5 6 7 8 9 10 11 linear_regression_boston.py hosted with ❤ by GitHub lr_model = LinearRegression() lr_model.fit(X_train, y_train) print('Training score: {}'.format(lr_model.score(X_train, y_train))) print('Test score: {}'.format(lr_model.score(X_test, y_test))) y_pred = lr_model.predict(X_test) mse = mean_squared_error(y_test, y_pred) rmse = math.sqrt(mse) print('RMSE: {}'.format(rmse)) https://gist.github.com/securetorobert/d8fa6ff57ccafad6236f1a8b5459a254/raw/20ad6b303ed513e7e5074b3d4b123c39136ec904/linear_regression_boston.py https://gist.github.com/securetorobert/d8fa6ff57ccafad6236f1a8b5459a254#file-linear_regression_boston-py https://github.com/ 4/18/2020 Regularization of Linear Models with SKLearn - Coinmonks - Medium https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2 4/5 We will now apply regularization to our new data. l2 Regularization or Ridge Regression To understand Ridge Regression, we need to remind ourselves of what happens during gradient descent, when our model coefficients are trained. During training, our initial weights are updated according to a gradient update rule using a learning rate and a gradient. Ridge regression adds a penalty to the update, and as a result shrinks the size of our weights. This is implemented in scikit-learn as a class called Ridge. We will create a new pipeline, this time using Ridge. We will specify our regularization strength by passing in a parameter, alpha. This can be really small, like 0.1, or as large as you would want it to be. The larger the value of alpha, the less variance your model will exhibit. By executing the code, we should have a training accuracy of about 91.8%, and a test accuracy of about 82.87%. That is an improvement on our baseline linear regression model. Let’s try something else. l1 Regularization or Lasso Regression By creating a polynomial model, we created additional features. The question we need to ask ourselves is which of our features are relevant to our model, and which are not. l1 regularization tries to answer this question by driving the values of certain coefficients down to 0. This eliminates the least important features in our model. We will create a pipeline similar to the one above, but using Lasso. You can play around with the value of alpha, which can range from 0.1 to 1. The code above should give us a training accuracy of 84.8%, and a test accuracy of 83%. This is an even better model than the one we trained earlier. At this point, you can evaluate your model by finding the RMSE. Don’t forget to read the documentation for everything we used. 4/18/2020 Regularization of Linear Models with SKLearn - Coinmonks - Medium https://medium.com/coinmonks/regularization-of-linear-models-with-sklearn-f88633a93a2 5/5 I hope you found this tutorial useful. Until next time. Machine Learning Regularization Ridge Regression Lasso Regression Sklearn About Help Legal https://medium.com/tag/machine-learning https://medium.com/tag/regularization https://medium.com/tag/ridge-regression https://medium.com/tag/lasso-regression https://medium.com/tag/sklearn https://medium.com/?source=post_page-----f88633a93a2---------------------- https://medium.com/about?autoplay=1&source=post_page-----f88633a93a2---------------------- https://help.medium.com/?source=post_page-----f88633a93a2---------------------- https://medium.com/policy/9db0094a1e0f?source=post_page-----f88633a93a2---------------------- 4/18/2020 Ridge and Lasso Regression: L1 and L2 Regularization https://towardsdatascience.com/ridge-and-lasso-regression-a-complete-guide-with-python-scikit-learn-e20e34bcbf0b 1/11 Ridge and Lasso Regression: L1 and L2 Regularization Complete Guide Using Scikit-Learn Saptashwa Bhattacharyya Follow Sep 26, 2018 · 8 min read Moving on from a very important unsupervised learning technique that I have discussed last week, today we will dig deep in to supervised learning through linear regression, specifically two special linear regression model — Lasso and Ridge regression. As I’m using the term linear, first let’s clarify that linear models are one of the simplest way to predict output using a linear function of input features. Linear model with n features for output prediction In the equation (1.1) above, we have shown the linear model based on the n number of features. Considering only a single feature as you probably already have understood that w[0] will be slope and b will represent intercept. Linear regression looks for optimizing w and b such that it minimizes the cost function. The cost function can be written as Cost function for simple linear model https://towardsdatascience.com/@saptashwa?source=post_page-----e20e34bcbf0b---------------------- https://towardsdatascience.com/@saptashwa?source=post_page-----e20e34bcbf0b---------------------- https://medium.com/m/signin?operation=register&redirect=https%3A%2F%2Ftowardsdatascience.com%2Fridge-and-lasso-regression-a-complete-guide-with-python-scikit-learn-e20e34bcbf0b&source=-9a3c3c477239-------------------------follow_byline- https://towardsdatascience.com/ridge-and-lasso-regression-a-complete-guide-with-python-scikit-learn-e20e34bcbf0b?source=post_page-----e20e34bcbf0b---------------------- https://towardsdatascience.com/dive-into-pca-principal-component-analysis-with-python-43ded13ead21 4/18/2020 Ridge and Lasso Regression: L1 and L2 Regularization https://towardsdatascience.com/ridge-and-lasso-regression-a-complete-guide-with-python-scikit-learn-e20e34bcbf0b 2/11 In the equation above I have assumed the data-set has M instances and p features. Once we use linear regression on a data-set divided in to training and test set, calculating the scores on training and test set can give us a rough idea about whether the model is suffering from over-fitting or under-fitting. The chosen linear model can be just right also, if you’re lucky enough! If we have very few features on a data-set and the score is poor for both training and test set then it’s a problem of under-fitting. On the other hand if we have large number of features and test score is relatively poor than the training score then it’s the problem of over-generalization or over-fitting. Ridge and Lasso regression are some of the simple techniques to reduce model complexity and prevent over-fitting which may result from simple linear regression. . . . Ridge Regression : In ridge regression, the cost function is altered by adding a penalty equivalent to square of the magnitude of the coefficients. Cost function for ridge regression This is equivalent to saying minimizing the cost function in equation 1.2 under the condition as below Supplement 1: Constrain on Ridge regression coe�cients So ridge regression puts constraint on the coefficients (w).
Answered 4 days AfterOct 29, 2021

Answer To: For the following assignments, please provide as much evidence of the results as possible, including...

Anandkumar answered on Nov 02 2021
111 Votes
95363/1/1.a.docx
import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.tree import DecisionTreeClassifier
from sklearn import metrics
from sklearn.neighbors import KNeighborsClassifier
data = pd.read_csv(r'C:\Users\ANAND\Desktop\Greynodes\95363\iris.csv')
train, test = train_test_split(data, test_size = 0.4, stratify = data['Species'], random_state = 42)
X_train = train[['SepalLengthCm','SepalWidthCm','PetalLengthCm','PetalWidthCm']]
y_train = train.Species
X_test = test[['SepalLengthCm','SepalWidthCm','PetalLengthCm','PetalWidthCm']]
y_test = test.Species
mod_dt = DecisionTreeClassifier(max_depth = 3, random_state = 1)
mod_dt.fit(X_train,y_train)
prediction=mod_dt.predict(X_test)
print('The accuracy of the Decision Tree is',"{:.3f}".format(metrics.accuracy_score(prediction,y_test)))
mod_knn = KNeighborsClassifier(n_neighbors=10)
mod_knn.fit(X_train,y_train)
prediction=mod_knn.predict(X_test)
print('The accuracy of the K neigbour Tree is',"{:.3f}".format(metrics.accuracy_score(prediction,y_test)))
# Comments: We can notice Descision tree performs better than Knearest algorithm.
Output:
95363/1/1.b.docx
import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.tree import DecisionTreeClassifier
from sklearn import metrics
data = pd.read_csv(r'C:\Users\ANAND\Desktop\Greynodes\95363\iris.csv')
train , test = train_test_split(data,train_size=0.7, test_size = 0.3, stratify = data['Species'], random_state = 100)
X_train = train[['SepalLengthCm','SepalWidthCm','PetalLengthCm','PetalWidthCm']]
y_train = train.Species
X_test = test[['SepalLengthCm','SepalWidthCm','PetalLengthCm','PetalWidthCm']]
y_test = test.Species
mod_dt = DecisionTreeClassifier(max_depth = 3, random_state = 1)
mod_dt.fit(X_train,y_train)
prediction=mod_dt.predict(X_train)
confusion = metrics.confusion_matrix(y_train,prediction)
print("-------------- Confusion Matrix printed ----------------")
print(confusion)
print("")
print("-------------- Accuracy score check ----------------")
print(metrics.accuracy_score(y_train,prediction))
# So, there are two false negatives in ‘Iris-versicolor’ no other false negatives from the given algorithm.
Output:
95363/1/Iris.csv
Id,SepalLengthCm,SepalWidthCm,PetalLengthCm,PetalWidthCm,Species
1,5.1,3.5,1.4,0.2,Iris-setosa
2,4.9,3.0,1.4,0.2,Iris-setosa
3,4.7,3.2,1.3,0.2,Iris-setosa
4,4.6,3.1,1.5,0.2,Iris-setosa
5,5.0,3.6,1.4,0.2,Iris-setosa
6,5.4,3.9,1.7,0.4,Iris-setosa
7,4.6,3.4,1.4,0.3,Iris-setosa
8,5.0,3.4,1.5,0.2,Iris-setosa
9,4.4,2.9,1.4,0.2,Iris-setosa
10,4.9,3.1,1.5,0.1,Iris-setosa
11,5.4,3.7,1.5,0.2,Iris-setosa
12,4.8,3.4,1.6,0.2,Iris-setosa
13,4.8,3.0,1.4,0.1,Iris-setosa
14,4.3,3.0,1.1,0.1,Iris-setosa
15,5.8,4.0,1.2,0.2,Iris-setosa
16,5.7,4.4,1.5,0.4,Iris-setosa
17,5.4,3.9,1.3,0.4,Iris-setosa
18,5.1,3.5,1.4,0.3,Iris-setosa
19,5.7,3.8,1.7,0.3,Iris-setosa
20,5.1,3.8,1.5,0.3,Iris-setosa
21,5.4,3.4,1.7,0.2,Iris-setosa
22,5.1,3.7,1.5,0.4,Iris-setosa
23,4.6,3.6,1.0,0.2,Iris-setosa
24,5.1,3.3,1.7,0.5,Iris-setosa
25,4.8,3.4,1.9,0.2,Iris-setosa
26,5.0,3.0,1.6,0.2,Iris-setosa
27,5.0,3.4,1.6,0.4,Iris-setosa
28,5.2,3.5,1.5,0.2,Iris-setosa
29,5.2,3.4,1.4,0.2,Iris-setosa
30,4.7,3.2,1.6,0.2,Iris-setosa
31,4.8,3.1,1.6,0.2,Iris-setosa
32,5.4,3.4,1.5,0.4,Iris-setosa
33,5.2,4.1,1.5,0.1,Iris-setosa
34,5.5,4.2,1.4,0.2,Iris-setosa
35,4.9,3.1,1.5,0.1,Iris-setosa
36,5.0,3.2,1.2,0.2,Iris-setosa
37,5.5,3.5,1.3,0.2,Iris-setosa
38,4.9,3.1,1.5,0.1,Iris-setosa
39,4.4,3.0,1.3,0.2,Iris-setosa
40,5.1,3.4,1.5,0.2,Iris-setosa
41,5.0,3.5,1.3,0.3,Iris-setosa
42,4.5,2.3,1.3,0.3,Iris-setosa
43,4.4,3.2,1.3,0.2,Iris-setosa
44,5.0,3.5,1.6,0.6,Iris-setosa
45,5.1,3.8,1.9,0.4,Iris-setosa
46,4.8,3.0,1.4,0.3,Iris-setosa
47,5.1,3.8,1.6,0.2,Iris-setosa
48,4.6,3.2,1.4,0.2,Iris-setosa
49,5.3,3.7,1.5,0.2,Iris-setosa
50,5.0,3.3,1.4,0.2,Iris-setosa
51,7.0,3.2,4.7,1.4,Iris-versicolor
52,6.4,3.2,4.5,1.5,Iris-versicolor
53,6.9,3.1,4.9,1.5,Iris-versicolor
54,5.5,2.3,4.0,1.3,Iris-versicolor
55,6.5,2.8,4.6,1.5,Iris-versicolor
56,5.7,2.8,4.5,1.3,Iris-versicolor
57,6.3,3.3,4.7,1.6,Iris-versicolor
58,4.9,2.4,3.3,1.0,Iris-versicolor
59,6.6,2.9,4.6,1.3,Iris-versicolor
60,5.2,2.7,3.9,1.4,Iris-versicolor
61,5.0,2.0,3.5,1.0,Iris-versicolor
62,5.9,3.0,4.2,1.5,Iris-versicolor
63,6.0,2.2,4.0,1.0,Iris-versicolor
64,6.1,2.9,4.7,1.4,Iris-versicolor
65,5.6,2.9,3.6,1.3,Iris-versicolor
66,6.7,3.1,4.4,1.4,Iris-versicolor
67,5.6,3.0,4.5,1.5,Iris-versicolor
68,5.8,2.7,4.1,1.0,Iris-versicolor
69,6.2,2.2,4.5,1.5,Iris-versicolor
70,5.6,2.5,3.9,1.1,Iris-versicolor
71,5.9,3.2,4.8,1.8,Iris-versicolor
72,6.1,2.8,4.0,1.3,Iris-versicolor
73,6.3,2.5,4.9,1.5,Iris-versicolor
74,6.1,2.8,4.7,1.2,Iris-versicolor
75,6.4,2.9,4.3,1.3,Iris-versicolor
76,6.6,3.0,4.4,1.4,Iris-versicolor
77,6.8,2.8,4.8,1.4,Iris-versicolor
78,6.7,3.0,5.0,1.7,Iris-versicolor
79,6.0,2.9,4.5,1.5,Iris-versicolor
80,5.7,2.6,3.5,1.0,Iris-versicolor
81,5.5,2.4,3.8,1.1,Iris-versicolor
82,5.5,2.4,3.7,1.0,Iris-versicolor
83,5.8,2.7,3.9,1.2,Iris-versicolor
84,6.0,2.7,5.1,1.6,Iris-versicolor
85,5.4,3.0,4.5,1.5,Iris-versicolor
86,6.0,3.4,4.5,1.6,Iris-versicolor
87,6.7,3.1,4.7,1.5,Iris-versicolor
88,6.3,2.3,4.4,1.3,Iris-versicolor
89,5.6,3.0,4.1,1.3,Iris-versicolor
90,5.5,2.5,4.0,1.3,Iris-versicolor
91,5.5,2.6,4.4,1.2,Iris-versicolor
92,6.1,3.0,4.6,1.4,Iris-versicolor
93,5.8,2.6,4.0,1.2,Iris-versicolor
94,5.0,2.3,3.3,1.0,Iris-versicolor
95,5.6,2.7,4.2,1.3,Iris-versicolor
96,5.7,3.0,4.2,1.2,Iris-versicolor
97,5.7,2.9,4.2,1.3,Iris-versicolor
98,6.2,2.9,4.3,1.3,Iris-versicolor
99,5.1,2.5,3.0,1.1,Iris-versicolor
100,5.7,2.8,4.1,1.3,Iris-versicolor
101,6.3,3.3,6.0,2.5,Iris-virginica
102,5.8,2.7,5.1,1.9,Iris-virginica
103,7.1,3.0,5.9,2.1,Iris-virginica
104,6.3,2.9,5.6,1.8,Iris-virginica
105,6.5,3.0,5.8,2.2,Iris-virginica
106,7.6,3.0,6.6,2.1,Iris-virginica
107,4.9,2.5,4.5,1.7,Iris-virginica
108,7.3,2.9,6.3,1.8,Iris-virginica
109,6.7,2.5,5.8,1.8,Iris-virginica
110,7.2,3.6,6.1,2.5,Iris-virginica
111,6.5,3.2,5.1,2.0,Iris-virginica
112,6.4,2.7,5.3,1.9,Iris-virginica
113,6.8,3.0,5.5,2.1,Iris-virginica
114,5.7,2.5,5.0,2.0,Iris-virginica
115,5.8,2.8,5.1,2.4,Iris-virginica
116,6.4,3.2,5.3,2.3,Iris-virginica
117,6.5,3.0,5.5,1.8,Iris-virginica
118,7.7,3.8,6.7,2.2,Iris-virginica
119,7.7,2.6,6.9,2.3,Iris-virginica
120,6.0,2.2,5.0,1.5,Iris-virginica
121,6.9,3.2,5.7,2.3,Iris-virginica
122,5.6,2.8,4.9,2.0,Iris-virginica
123,7.7,2.8,6.7,2.0,Iris-virginica
124,6.3,2.7,4.9,1.8,Iris-virginica
125,6.7,3.3,5.7,2.1,Iris-virginica
126,7.2,3.2,6.0,1.8,Iris-virginica
127,6.2,2.8,4.8,1.8,Iris-virginica
128,6.1,3.0,4.9,1.8,Iris-virginica
129,6.4,2.8,5.6,2.1,Iris-virginica
130,7.2,3.0,5.8,1.6,Iris-virginica
131,7.4,2.8,6.1,1.9,Iris-virginica
132,7.9,3.8,6.4,2.0,Iris-virginica
133,6.4,2.8,5.6,2.2,Iris-virginica
134,6.3,2.8,5.1,1.5,Iris-virginica
135,6.1,2.6,5.6,1.4,Iris-virginica
136,7.7,3.0,6.1,2.3,Iris-virginica
137,6.3,3.4,5.6,2.4,Iris-virginica
138,6.4,3.1,5.5,1.8,Iris-virginica
139,6.0,3.0,4.8,1.8,Iris-virginica
140,6.9,3.1,5.4,2.1,Iris-virginica
141,6.7,3.1,5.6,2.4,Iris-virginica
142,6.9,3.1,5.1,2.3,Iris-virginica
143,5.8,2.7,5.1,1.9,Iris-virginica
144,6.8,3.2,5.9,2.3,Iris-virginica
145,6.7,3.3,5.7,2.5,Iris-virginica
146,6.7,3.0,5.2,2.3,Iris-virginica
147,6.3,2.5,5.0,1.9,Iris-virginica
148,6.5,3.0,5.2,2.0,Iris-virginica
149,6.2,3.4,5.4,2.3,Iris-virginica
150,5.9,3.0,5.1,1.8,Iris-virginica
95363/2/2.a.docx
import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LinearRegression
from sklearn.preprocessing import StandardScaler
from sklearn.preprocessing import PolynomialFeatures
from sklearn.pipeline import Pipeline
df = pd.read_csv(r'C:\Users\ANAND\Desktop\Greynodes\95363\2\student-mat.csv')
X = df[['G1','G2']]
Y = df[['G3']]
X_train, X_test, y_train, y_test = train_test_split(X, Y, test_size = 1/3, random_state = 0)
regressor = LinearRegression()
regressor.fit(X_train, y_train)
y_pred = regressor.predict(X_test)
print("--------- Score Before Regularisation -------------------")
print('Training score: {}'.format(regressor.score(X_train, y_train)))
print('Test score: {}'.format(regressor.score(X_test, y_test)))
print("")
print("---------- Score After Regularisation -------------------")
steps = [
('scalar', StandardScaler()),
('poly', PolynomialFeatures(degree=4)),
('model', LinearRegression())
]
pipeline = Pipeline(steps)
pipeline.fit(X_train, y_train)
print('Training score: {}'.format(pipeline.score(X_train, y_train)))
print('Test score: {}'.format(pipeline.score(X_test, y_test)))
Output:
Note: We notice a slight increase in the scores when regularization is applied on the original data. Though this denotes that there is a slight overfitting on the original data by means of normal fitting process. Some degree of regularisation may help to adjust and ensure the fit is more precise. But we need to be careful that larges degrees of regularisation will have a impact on the data score and prediction outcome itself.
95363/2/2.b.docx
For regularization, we added the regularized to the loss function. Does it make sense to multiply or subtract the term, instead? Explain.
Some among the reason why we cannot follow subtraction or multiplication are listed below,
1) If the object which is unregularized is convex then adding a regularized item will yet maintain it as convex. Whereas in the case of multiplying or subtracting will impact its convexity.
2) The problem with minmin and multiple is that if the error is 0, then the regularized penalty will end up being 0. This allows the model to overfit.
3) It may lead producing more errors and may lead deviation from the expectation of  θ=0.
95363/2/student/student.txt
# Attributes for both student-mat.csv (Math course) and student-por.csv (Portuguese language course) datasets:
1 school - student's school (binary: "GP" - Gabriel Pereira or "MS" - Mousinho da Silveira)
2 sex - student's sex (binary: "F" - female or "M" - male)
3 age - student's age (numeric: from 15 to 22)
4 address - student's home address type (binary: "U" - urban or "R" - rural)
5 famsize - family size (binary: "LE3" - less or equal to 3 or "GT3" - greater than 3)
6 Pstatus - parent's cohabitation status (binary: "T" - living together or "A" - apart)
7 Medu - mother's education (numeric: 0 - none, 1 - primary education (4th grade), 2 – 5th to 9th grade, 3 – secondary education or 4 – higher education)
8 Fedu - father's education (numeric: 0 - none, 1 - primary education (4th grade), 2 – 5th to 9th grade, 3 – secondary education or 4 – higher education)
9 Mjob - mother's job (nominal: "teacher", "health" care related, civil "services" (e.g. administrative or police), "at_home" or "other")
10 Fjob - father's job (nominal: "teacher", "health" care related, civil "services" (e.g. administrative or police), "at_home" or "other")
11 reason - reason to choose this school (nominal: close to "home", school "reputation", "course" preference or "other")
12 guardian - student's guardian (nominal: "mother", "father" or "other")
13 traveltime - home to school travel time (numeric: 1 - <15 min., 2 - 15 to 30 min., 3 - 30 min. to 1 hour, or 4 - >1 hour)
14 studytime - weekly study time (numeric: 1 - <2 hours, 2 - 2 to 5 hours, 3 - 5 to 10 hours, or 4 - >10 hours)
15 failures - number of past class failures (numeric: n if 1<=n<3, else 4)
16 schoolsup - extra educational support (binary: yes or no)
17 famsup - family educational support (binary: yes or no)
18 paid - extra paid classes within the course subject (Math or Portuguese) (binary: yes or no)
19 activities - extra-curricular activities (binary: yes or no)
20 nursery - attended nursery school (binary: yes or no)
21 higher - wants to take higher education (binary: yes or no)
22 internet - Internet access at home (binary: yes or no)
23 romantic - with a romantic relationship (binary: yes or no)
24 famrel - quality of family relationships (numeric: from 1 - very bad to 5 - excellent)
25 freetime - free time after school (numeric: from 1 - very low to 5 - very high)
26 goout - going out with friends (numeric: from 1 - very low to 5 - very high)
27 Dalc - workday alcohol consumption (numeric: from 1 - very low to 5 - very high)
28 Walc - weekend alcohol consumption (numeric: from 1 - very low to 5 - very high)
29 health - current health status (numeric: from 1 - very bad to 5 - very good)
30 absences - number of school absences (numeric: from 0 to 93)
# these grades are related with the course subject, Math or Portuguese:
31 G1 - first period grade (numeric: from 0 to 20)
31 G2 - second period grade (numeric: from 0 to 20)
32 G3 - final grade (numeric: from 0 to 20, output target)
Additional note: there are several (382) students that belong to both datasets .
These students can be identified by searching for identical attributes
that characterize each student, as shown in the annexed R file.
95363/2/student/student.zip
student-mat.csv
school;sex;age;address;famsize;Pstatus;Medu;Fedu;Mjob;Fjob;reason;guardian;traveltime;studytime;failures;schoolsup;famsup;paid;activities;nursery;higher;internet;romantic;famrel;freetime;goout;Dalc;Walc;health;absences;G1;G2;G3
"GP";"F";18;"U";"GT3";"A";4;4;"at_home";"teacher";"course";"mother";2;2;0;"yes";"no";"no";"no";"yes";"yes";"no";"no";4;3;4;1;1;3;6;"5";"6";6
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"other";"course";"father";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;3;3;1;1;3;4;"5";"5";6
"GP";"F";15;"U";"LE3";"T";1;1;"at_home";"other";"other";"mother";1;2;3;"yes";"no";"yes";"no";"yes";"yes";"yes";"no";4;3;2;2;3;3;10;"7";"8";10
"GP";"F";15;"U";"GT3";"T";4;2;"health";"services";"home";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";3;2;2;1;1;5;2;"15";"14";15
"GP";"F";16;"U";"GT3";"T";3;3;"other";"other";"home";"father";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";4;3;2;1;2;5;4;"6";"10";10
"GP";"M";16;"U";"LE3";"T";4;3;"services";"other";"reputation";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;4;2;1;2;5;10;"15";"15";15
"GP";"M";16;"U";"LE3";"T";2;2;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;1;3;0;"12";"12";11
"GP";"F";17;"U";"GT3";"A";4;4;"other";"teacher";"home";"mother";2;2;0;"yes";"yes";"no";"no";"yes";"yes";"no";"no";4;1;4;1;1;1;6;"6";"5";6
"GP";"M";15;"U";"LE3";"A";3;2;"services";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;2;2;1;1;1;0;"16";"18";19
"GP";"M";15;"U";"GT3";"T";3;4;"other";"other";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;5;1;1;1;5;0;"14";"15";15
"GP";"F";15;"U";"GT3";"T";4;4;"teacher";"health";"reputation";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";3;3;3;1;2;2;0;"10";"8";9
"GP";"F";15;"U";"GT3";"T";2;1;"services";"other";"reputation";"father";3;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;2;2;1;1;4;4;"10";"12";12
"GP";"M";15;"U";"LE3";"T";4;4;"health";"services";"course";"father";1;1;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;1;3;5;2;"14";"14";14
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"other";"course";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";5;4;3;1;2;3;2;"10";"10";11
"GP";"M";15;"U";"GT3";"A";2;2;"other";"other";"home";"other";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;5;2;1;1;3;0;"14";"16";16
"GP";"F";16;"U";"GT3";"T";4;4;"health";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;2;2;4;"14";"14";14
"GP";"F";16;"U";"GT3";"T";4;4;"services";"services";"reputation";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;2;3;1;2;2;6;"13";"14";14
"GP";"F";16;"U";"GT3";"T";3;3;"other";"other";"reputation";"mother";3;2;0;"yes";"yes";"no";"yes";"yes";"yes";"no";"no";5;3;2;1;1;4;4;"8";"10";10
"GP";"M";17;"U";"GT3";"T";3;2;"services";"services";"course";"mother";1;1;3;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;5;5;2;4;5;16;"6";"5";5
"GP";"M";16;"U";"LE3";"T";4;3;"health";"other";"home";"father";1;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";3;1;3;1;3;5;4;"8";"10";10
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"other";"reputation";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;1;1;1;1;0;"13";"14";15
"GP";"M";15;"U";"GT3";"T";4;4;"health";"health";"other";"father";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";5;4;2;1;1;5;0;"12";"15";15
"GP";"M";16;"U";"LE3";"T";4;2;"teacher";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;5;1;1;3;5;2;"15";"15";16
"GP";"M";16;"U";"LE3";"T";2;2;"other";"other";"reputation";"mother";2;2;0;"no";"yes";
"no";"yes";"yes";"yes";"yes";"no";5;4;4;2;4;5;0;"13";"13";12
"GP";"F";15;"R";"GT3";"T";2;4;"services";"health";"course";"mother";1;3;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;2;"10";"9";8
"GP";"F";16;"U";"GT3";"T";2;2;"services";"services";"home";"mother";1;1;2;"no";"yes";"yes";"no";"no";"yes";"yes";"no";1;2;2;1;3;5;14;"6";"9";8
"GP";"M";15;"U";"GT3";"T";2;2;"other";"other";"home";"mother";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;2;2;1;2;5;2;"12";"12";11
"GP";"M";15;"U";"GT3";"T";4;2;"health";"services";"other";"mother";1;1;0;"no";"no";"yes";"no";"yes";"yes";"yes";"no";2;2;4;2;4;1;4;"15";"16";15
"GP";"M";16;"U";"LE3";"A";3;4;"services";"other";"home";"mother";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;5;4;"11";"11";11
"GP";"M";16;"U";"GT3";"T";4;4;"teacher";"teacher";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;4;5;5;5;5;16;"10";"12";11
"GP";"M";15;"U";"GT3";"T";4;4;"health";"services";"home";"mother";1;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";5;4;2;3;4;5;0;"9";"11";12
"GP";"M";15;"U";"GT3";"T";4;4;"services";"services";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;1;1;1;5;0;"17";"16";17
"GP";"M";15;"R";"GT3";"T";4;3;"teacher";"at_home";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;5;2;1;1;5;0;"17";"16";16
"GP";"M";15;"U";"LE3";"T";3;3;"other";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;3;2;1;1;2;0;"8";"10";12
"GP";"M";16;"U";"GT3";"T";3;2;"other";"other";"home";"mother";1;1;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";5;4;3;1;1;5;0;"12";"14";15
"GP";"F";15;"U";"GT3";"T";2;3;"other";"other";"other";"father";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";3;5;1;1;1;5;0;"8";"7";6
"GP";"M";15;"U";"LE3";"T";4;3;"teacher";"services";"home";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;3;1;1;4;2;"15";"16";18
"GP";"M";16;"R";"GT3";"A";4;4;"other";"teacher";"reputation";"mother";2;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";2;4;3;1;1;5;7;"15";"16";15
"GP";"F";15;"R";"GT3";"T";3;4;"services";"health";"course";"mother";1;3;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;2;"12";"12";11
"GP";"F";15;"R";"GT3";"T";2;2;"at_home";"other";"reputation";"mother";1;1;0;"yes";"yes";"yes";"yes";"yes";"yes";"no";"no";4;3;1;1;1;2;8;"14";"13";13
"GP";"F";16;"U";"LE3";"T";2;2;"other";"other";"home";"mother";2;2;1;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";3;3;3;1;2;3;25;"7";"10";11
"GP";"M";15;"U";"LE3";"T";4;4;"teacher";"other";"home";"other";1;1;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";5;4;3;2;4;5;8;"12";"12";12
"GP";"M";15;"U";"GT3";"T";4;4;"services";"teacher";"course";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;1;5;2;"19";"18";18
"GP";"M";15;"U";"GT3";"T";2;2;"services";"services";"course";"father";1;1;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;1;1;1;1;0;"8";"8";11
"GP";"F";16;"U";"LE3";"T";2;2;"other";"at_home";"course";"father";2;2;1;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;2;5;14;"10";"10";9
"GP";"F";15;"U";"LE3";"A";4;3;"other";"other";"course";"mother";1;2;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"yes";5;2;2;1;1;5;8;"8";"8";6
"GP";"F";16;"U";"LE3";"A";3;3;"other";"services";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";2;3;5;1;4;3;12;"11";"12";11
"GP";"M";16;"U";"GT3";"T";4;3;"health";"services";"reputation";"mother";1;4;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;2;2;1;1;2;4;"19";"19";20
"GP";"M";15;"U";"GT3";"T";4;2;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";4;3;3;2;2;5;2;"15";"15";14
"GP";"F";15;"U";"GT3";"T";4;4;"services";"teacher";"other";"father";1;2;1;"yes";"yes";"no";"yes";"no";"yes";"yes";"no";4;4;4;1;1;3;2;"7";"7";7
"GP";"F";16;"U";"LE3";"T";2;2;"services";"services";"course";"mother";3;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;2;3;4;2;"12";"13";13
"GP";"F";15;"U";"LE3";"T";4;2;"health";"other";"other";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;1;1;5;2;"11";"13";13
"GP";"M";15;"U";"LE3";"A";4;2;"health";"health";"other";"father";2;1;1;"no";"no";"no";"no";"yes";"yes";"no";"no";5;5;5;3;4;5;6;"11";"11";10
"GP";"F";15;"U";"GT3";"T";4;4;"services";"services";"course";"mother";1;1;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";3;3;4;2;3;5;0;"8";"10";11
"GP";"F";15;"U";"LE3";"A";3;3;"other";"other";"other";"mother";1;1;0;"no";"no";"yes";"no";"yes";"yes";"yes";"no";5;3;4;4;4;1;6;"10";"13";13
"GP";"F";16;"U";"GT3";"A";2;1;"other";"other";"other";"mother";1;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";5;3;4;1;1;2;8;"8";"9";10
"GP";"F";15;"U";"GT3";"A";4;3;"services";"services";"reputation";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;1;0;"14";"15";15
"GP";"M";15;"U";"GT3";"T";4;4;"teacher";"health";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";3;2;2;1;1;5;4;"14";"15";15
"GP";"M";15;"U";"LE3";"T";1;2;"other";"at_home";"home";"father";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;2;"9";"10";9
"GP";"F";16;"U";"GT3";"T";4;2;"services";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;3;1;1;5;2;"15";"16";16
"GP";"F";16;"R";"GT3";"T";4;4;"health";"teacher";"other";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";2;4;4;2;3;4;6;"10";"11";11
"GP";"F";16;"U";"GT3";"T";1;1;"services";"services";"course";"father";4;1;0;"yes";"yes";"no";"yes";"no";"yes";"yes";"yes";5;5;5;5;5;5;6;"10";"8";11
"GP";"F";16;"U";"LE3";"T";1;2;"other";"services";"reputation";"father";1;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";4;4;3;1;1;1;4;"8";"10";9
"GP";"F";16;"U";"GT3";"T";4;3;"teacher";"health";"home";"mother";1;3;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;4;4;2;4;4;2;"10";"9";9
"GP";"F";15;"U";"LE3";"T";4;3;"services";"services";"reputation";"father";1;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"yes";4;4;4;2;4;2;0;"10";"10";10
"GP";"F";16;"U";"LE3";"T";4;3;"teacher";"services";"course";"mother";3;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;3;1;2;1;2;"16";"15";15
"GP";"M";15;"U";"GT3";"A";4;4;"other";"services";"reputation";"mother";1;4;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";1;3;3;5;5;3;4;"13";"13";12
"GP";"F";16;"U";"GT3";"T";3;1;"services";"other";"course";"mother";1;4;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;1;2;5;4;"7";"7";6
"GP";"F";15;"R";"LE3";"T";2;2;"health";"services";"reputation";"mother";2;2;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";4;1;3;1;3;4;2;"8";"9";8
"GP";"F";15;"R";"LE3";"T";3;1;"other";"other";"reputation";"father";2;4;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";4;4;2;2;3;3;12;"16";"16";16
"GP";"M";16;"U";"GT3";"T";3;1;"other";"other";"reputation";"father";2;4;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;2;1;1;5;0;"13";"15";15
"GP";"M";15;"U";"GT3";"T";4;2;"other";"other";"course";"mother";1;4;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;3;3;1;1;3;0;"10";"10";10
"GP";"F";15;"R";"GT3";"T";1;1;"other";"other";"reputation";"mother";1;2;2;"yes";"yes";"no";"no";"no";"yes";"yes";"yes";3;3;4;2;4;5;2;"8";"6";5
"GP";"M";16;"U";"GT3";"T";3;1;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";5;3;2;2;2;5;2;"12";"12";14
"GP";"F";16;"U";"GT3";"T";3;3;"other";"services";"home";"mother";1;2;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;2;4;5;54;"11";"12";11
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;2;3;5;6;"9";"9";10
"GP";"M";15;"U";"GT3";"T";4;0;"teacher";"other";"course";"mother";2;4;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;4;3;1;1;1;8;"11";"11";10
"GP";"F";16;"U";"GT3";"T";2;2;"other";"other";"reputation";"mother";1;4;0;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";5;2;3;1;3;3;0;"11";"11";11
"GP";"M";17;"U";"GT3";"T";2;1;"other";"other";"home";"mother";2;1;3;"yes";"yes";"no";"yes";"yes";"no";"yes";"no";4;5;1;1;1;3;2;"8";"8";10
"GP";"F";16;"U";"GT3";"T";3;4;"at_home";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";2;4;3;1;2;3;12;"5";"5";5
"GP";"M";15;"U";"GT3";"T";2;3;"other";"services";"course";"father";1;1;0;"yes";"yes";"yes";"yes";"no";"yes";"yes";"yes";3;2;2;1;3;3;2;"10";"12";12
"GP";"M";15;"U";"GT3";"T";2;3;"other";"other";"home";"mother";1;3;0;"yes";"no";"yes";"no";"no";"yes";"yes";"no";5;3;2;1;2;5;4;"11";"10";11
"GP";"F";15;"U";"LE3";"T";3;2;"services";"other";"reputation";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;4;4;1;1;5;10;"7";"6";6
"GP";"M";15;"U";"LE3";"T";2;2;"services";"services";"home";"mother";2;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";5;3;3;1;3;4;4;"15";"15";15
"GP";"F";15;"U";"GT3";"T";1;1;"other";"other";"home";"father";1;2;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";4;3;2;2;3;4;2;"9";"10";10
"GP";"F";15;"U";"GT3";"T";4;4;"services";"services";"reputation";"father";2;2;2;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";4;4;4;2;3;5;6;"7";"9";8
"GP";"F";16;"U";"LE3";"T";2;2;"at_home";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;4;1;2;2;4;"8";"7";6
"GP";"F";15;"U";"GT3";"T";4;2;"other";"other";"reputation";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;3;1;4;"13";"14";14
"GP";"M";16;"U";"GT3";"T";2;2;"services";"other";"reputation";"father";2;2;1;"no";"no";"yes";"yes";"no";"yes";"yes";"no";4;4;2;1;1;3;12;"11";"10";10
"GP";"M";16;"U";"LE3";"A";4;4;"teacher";"health";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;1;3;3;5;5;18;"8";"6";7
"GP";"F";16;"U";"GT3";"T";3;3;"other";"other";"home";"mother";1;3;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;3;3;1;3;4;0;"7";"7";8
"GP";"F";15;"U";"GT3";"T";4;3;"services";"other";"reputation";"mother";1;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";4;5;5;1;3;1;4;"16";"17";18
"GP";"F";16;"U";"LE3";"T";3;1;"other";"other";"home";"father";1;2;0;"yes";"yes";"no";"no";"yes";"yes";"no";"no";3;3;3;2;3;2;4;"7";"6";6
"GP";"F";16;"U";"GT3";"T";4;2;"teacher";"services";"home";"mother";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;1;0;"11";"10";10
"GP";"M";15;"U";"LE3";"T";2;2;"services";"health";"reputation";"mother";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;4;1;1;4;6;"11";"13";14
"GP";"F";15;"R";"GT3";"T";1;1;"at_home";"other";"home";"mother";2;4;1;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;1;2;1;1;1;2;"7";"10";10
"GP";"M";16;"R";"GT3";"T";4;3;"services";"other";"reputation";"mother";2;1;0;"yes";"yes";"no";"yes";"no";"yes";"yes";"no";3;3;3;1;1;4;2;"11";"15";15
"GP";"F";16;"U";"GT3";"T";2;1;"other";"other";"course";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"no";"yes";4;3;5;1;1;5;2;"8";"9";10
"GP";"F";16;"U";"GT3";"T";4;4;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;3;4;1;2;1;6;"11";"14";14
"GP";"F";16;"U";"GT3";"T";4;3;"other";"at_home";"course";"mother";1;3;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";5;3;5;1;1;3;0;"7";"9";8
"GP";"M";16;"U";"GT3";"T";4;4;"services";"services";"other";"mother";1;1;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;5;5;5;5;4;14;"7";"7";5
"GP";"M";16;"U";"GT3";"T";4;4;"services";"teacher";"other";"father";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;3;1;1;4;0;"16";"17";17
"GP";"M";15;"U";"GT3";"T";4;4;"services";"other";"course";"mother";1;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";5;3;3;1;1;5;4;"10";"13";14
"GP";"F";15;"U";"GT3";"T";3;2;"services";"other";"home";"mother";2;2;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;5;1;1;2;26;"7";"6";6
"GP";"M";15;"U";"GT3";"A";3;4;"services";"other";"course";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;4;4;1;1;1;0;"16";"18";18
"GP";"F";15;"U";"GT3";"A";3;3;"other";"health";"reputation";"father";1;4;0;"yes";"no";"no";"no";"yes";"yes";"no";"no";4;3;3;1;1;4;10;"10";"11";11
"GP";"F";15;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;4;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";5;1;2;1;1;3;8;"7";"8";8
"GP";"M";16;"U";"GT3";"T";3;3;"services";"other";"home";"father";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;5;2;"16";"18";18
"GP";"M";15;"R";"GT3";"T";4;4;"other";"other";"home";"father";4;4;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";1;3;5;3;5;1;6;"10";"13";13
"GP";"F";16;"U";"LE3";"T";4;4;"health";"health";"other";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";5;4;5;1;1;4;4;"14";"15";16
"GP";"M";15;"U";"LE3";"A";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;5;3;1;1;4;6;"18";"19";19
"GP";"F";16;"R";"GT3";"T";3;3;"services";"other";"reputation";"father";1;3;1;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;1;2;1;1;2;0;"7";"10";10
"GP";"F";16;"U";"GT3";"T";2;2;"at_home";"other";"home";"mother";1;2;1;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";3;1;2;1;1;5;6;"10";"13";13
"GP";"M";15;"U";"LE3";"T";4;2;"teacher";"other";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;5;2;1;1;3;10;"18";"19";19
"GP";"M";15;"R";"GT3";"T";2;1;"health";"services";"reputation";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;4;2;1;1;5;8;"9";"9";9
"GP";"M";16;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;4;1;2;5;2;"15";"15";16
"GP";"M";15;"U";"GT3";"T";4;4;"other";"teacher";"reputation";"father";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";4;4;3;1;1;2;2;"11";"13";14
"GP";"M";16;"U";"GT3";"T";3;3;"other";"services";"home";"father";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;4;2;1;1;5;0;"13";"14";13
"GP";"M";17;"R";"GT3";"T";1;3;"other";"other";"course";"father";3;2;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;2;4;1;4;5;20;"9";"7";8
"GP";"M";15;"U";"GT3";"T";3;4;"other";"other";"reputation";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;4;3;1;2;4;6;"14";"13";13
"GP";"F";15;"U";"GT3";"T";1;2;"at_home";"services";"course";"mother";1;2;0;"no";"no";"no";"no";"no";"yes";"yes";"no";3;2;3;1;2;1;2;"16";"15";15
"GP";"M";15;"U";"GT3";"T";2;2;"services";"services";"home";"father";1;4;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;5;4;1;2;5;6;"16";"14";15
"GP";"F";16;"U";"LE3";"T";2;4;"other";"health";"course";"father";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;2;2;1;2;5;2;"13";"13";13
"GP";"M";16;"U";"GT3";"T";4;4;"health";"other";"course";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;4;4;1;4;5;18;"14";"11";13
"GP";"F";16;"U";"GT3";"T";2;2;"other";"other";"home";"mother";1;2;0;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";5;4;4;1;1;5;0;"8";"7";8
"GP";"M";15;"U";"GT3";"T";3;4;"services";"services";"home";"father";1;1;0;"yes";"no";"no";"no";"yes";"yes";"yes";"no";5;5;5;3;2;5;0;"13";"13";12
"GP";"F";15;"U";"LE3";"A";3;4;"other";"other";"home";"mother";1;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;2;1;1;1;0;"7";"10";11
"GP";"F";19;"U";"GT3";"T";0;1;"at_home";"other";"course";"other";1;2;3;"no";"yes";"no";"no";"no";"no";"no";"no";3;4;2;1;1;5;2;"7";"8";9
"GP";"M";18;"R";"GT3";"T";2;2;"services";"other";"reputation";"mother";1;1;2;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;3;3;1;2;4;0;"7";"4";0
"GP";"M";16;"R";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";3;5;5;2;5;4;8;"18";"18";18
"GP";"F";15;"R";"GT3";"T";3;4;"services";"teacher";"course";"father";2;3;2;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;2;2;2;2;5;0;"12";"0";0
"GP";"F";15;"U";"GT3";"T";1;1;"at_home";"other";"course";"mother";3;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;3;3;1;2;4;0;"8";"0";0
"GP";"F";17;"U";"LE3";"T";2;2;"other";"other";"course";"father";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";3;4;4;1;3;5;12;"10";"13";12
"GP";"F";16;"U";"GT3";"A";3;4;"services";"other";"course";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;2;1;1;4;5;16;"12";"11";11
"GP";"M";15;"R";"GT3";"T";3;4;"at_home";"teacher";"course";"mother";4;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";5;3;3;1;1;5;0;"9";"0";0
"GP";"F";15;"U";"GT3";"T";4;4;"services";"at_home";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;1;1;5;0;"11";"0";0
"GP";"M";17;"R";"GT3";"T";3;4;"at_home";"other";"course";"mother";3;2;0;"no";"no";"no";"no";"yes";"yes";"no";"no";5;4;5;2;4;5;0;"10";"0";0
"GP";"F";16;"U";"GT3";"A";3;3;"other";"other";"course";"other";2;1;2;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;3;2;1;1;5;0;"4";"0";0
"GP";"M";16;"U";"LE3";"T";1;1;"services";"other";"course";"mother";1;2;1;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;4;4;1;3;5;0;"14";"12";12
"GP";"F";15;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;0;"16";"16";15
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"services";"course";"father";2;4;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";2;2;2;1;1;3;0;"7";"9";0
"GP";"M";16;"U";"LE3";"T";2;2;"services";"services";"reputation";"father";2;1;2;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";2;3;3;2;2;2;8;"9";"9";9
"GP";"F";15;"U";"GT3";"T";4;4;"teacher";"services";"course";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;2;2;1;1;5;2;"9";"11";11
"GP";"F";16;"U";"LE3";"T";1;1;"at_home";"at_home";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;4;4;3;3;1;2;"14";"14";13
"GP";"M";17;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;1;3;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;5;1;2;5;0;"5";"0";0
"GP";"F";15;"U";"GT3";"T";1;1;"other";"services";"course";"father";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;4;2;1;2;5;0;"8";"11";11
"GP";"F";15;"U";"GT3";"T";3;2;"health";"services";"home";"father";1;2;3;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;3;2;1;1;3;0;"6";"7";0
"GP";"F";15;"U";"GT3";"T";1;2;"at_home";"other";"course";"mother";1;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";4;3;2;1;1;5;2;"10";"11";11
"GP";"M";16;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";3;3;2;2;1;5;0;"7";"6";0
"GP";"M";15;"U";"LE3";"A";2;1;"services";"other";"course";"mother";4;1;3;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;5;5;2;5;5;0;"8";"9";10
"GP";"M";18;"U";"LE3";"T";1;1;"other";"other";"course";"mother";1;1;3;"no";"no";"no";"no";"yes";"no";"yes";"yes";2;3;5;2;5;4;0;"6";"5";0
"GP";"M";16;"U";"LE3";"T";2;1;"at_home";"other";"course";"mother";1;1;1;"no";"no";"no";"yes";"yes";"yes";"no";"yes";4;4;4;3;5;5;6;"12";"13";14
"GP";"F";15;"R";"GT3";"T";3;3;"services";"services";"reputation";"other";2;3;2;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;2;1;2;3;3;8;"10";"10";10
"GP";"M";19;"U";"GT3";"T";3;2;"services";"at_home";"home";"mother";1;1;3;"no";"yes";"no";"no";"yes";"no";"yes";"yes";4;5;4;1;1;4;0;"5";"0";0
"GP";"F";17;"U";"GT3";"T";4;4;"other";"teacher";"course";"mother";1;1;0;"yes";"yes";"no";"no";"yes";"yes";"no";"yes";4;2;1;1;1;4;0;"11";"11";12
"GP";"M";15;"R";"GT3";"T";2;3;"at_home";"services";"course";"mother";1;2;0;"yes";"no";"yes";"yes";"yes";"yes";"no";"no";4;4;4;1;1;1;2;"11";"8";8
"GP";"M";17;"R";"LE3";"T";1;2;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"no";"no";2;2;2;3;3;5;8;"16";"12";13
"GP";"F";18;"R";"GT3";"T";1;1;"at_home";"other";"course";"mother";3;1;3;"no";"yes";"no";"yes";"no";"yes";"no";"no";5;2;5;1;5;4;6;"9";"8";10
"GP";"M";16;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";3;1;0;"no";"no";"no";"no";"no";"yes";"no";"no";4;2;2;1;2;3;2;"17";"15";15
"GP";"M";16;"U";"GT3";"T";3;3;"other";"services";"course";"father";1;2;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;5;5;4;4;5;4;"10";"12";12
"GP";"M";17;"R";"LE3";"T";2;1;"at_home";"other";"course";"mother";2;1;2;"no";"no";"no";"yes";"yes";"no";"yes";"yes";3;3;2;2;2;5;0;"7";"6";0
"GP";"M";15;"R";"GT3";"T";3;2;"other";"other";"course";"mother";2;2;2;"yes";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;4;1;4;3;6;"5";"9";7
"GP";"M";16;"U";"LE3";"T";1;2;"other";"other";"course";"mother";2;1;1;"no";"no";"no";"yes";"yes";"yes";"no";"no";4;4;4;2;4;5;0;"7";"0";0
"GP";"M";17;"U";"GT3";"T";1;3;"at_home";"services";"course";"father";1;1;0;"no";"no";"no";"no";"yes";"no";"yes";"no";5;3;3;1;4;2;2;"10";"10";10
"GP";"M";17;"R";"LE3";"T";1;1;"other";"services";"course";"mother";4;2;3;"no";"no";"no";"yes";"yes";"no";"no";"yes";5;3;5;1;5;5;0;"5";"8";7
"GP";"M";16;"U";"GT3";"T";3;2;"services";"services";"course";"mother";2;1;1;"no";"yes";"no";"yes";"no";"no";"no";"no";4;5;2;1;1;2;16;"12";"11";12
"GP";"M";16;"U";"GT3";"T";2;2;"other";"other";"course";"father";1;2;0;"no";"no";"no";"no";"yes";"no";"yes";"no";4;3;5;2;4;4;4;"10";"10";10
"GP";"F";16;"U";"GT3";"T";4;2;"health";"services";"home";"father";1;2;0;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";4;2;3;1;1;3;0;"14";"15";16
"GP";"F";16;"U";"GT3";"T";2;2;"other";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";5;1;5;1;1;4;0;"6";"7";0
"GP";"F";16;"U";"GT3";"T";4;4;"health";"health";"reputation";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;4;2;1;1;3;0;"14";"14";14
"GP";"M";16;"U";"GT3";"T";3;4;"other";"other";"course";"father";3;1;2;"no";"yes";"no";"yes";"no";"yes";"yes";"no";3;4;5;2;4;2;0;"6";"5";0
"GP";"M";16;"U";"GT3";"T";1;0;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;3;2;1;1;3;2;"13";"15";16
"GP";"M";17;"U";"LE3";"T";4;4;"teacher";"other";"reputation";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;4;4;1;3;5;0;"13";"11";10
"GP";"F";16;"U";"GT3";"T";1;3;"at_home";"services";"home";"mother";1;2;3;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;3;5;1;1;3;0;"8";"7";0
"GP";"F";16;"U";"LE3";"T";3;3;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;4;5;1;1;4;4;"10";"11";9
"GP";"M";17;"U";"LE3";"T";4;3;"teacher";"other";"course";"mother";2;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";4;4;4;4;4;4;4;"10";"9";9
"GP";"F";16;"U";"GT3";"T";2;2;"services";"other";"reputation";"mother";2;2;0;"no";"no";"yes";"yes";"no";"yes";"yes";"no";3;4;4;1;4;5;2;"13";"13";11
"GP";"M";17;"U";"GT3";"T";3;3;"other";"other";"reputation";"father";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;3;4;1;4;4;4;"6";"5";6
"GP";"M";16;"R";"GT3";"T";4;2;"teacher";"services";"other";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;3;4;3;10;"10";"8";9
"GP";"M";17;"U";"GT3";"T";4;3;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;2;3;1;1;2;4;"10";"10";11
"GP";"M";16;"U";"GT3";"T";4;3;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;4;3;2;3;3;10;"9";"8";8
"GP";"M";16;"U";"GT3";"T";3;3;"services";"other";"home";"mother";1;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";4;2;3;1;2;3;2;"12";"13";12
"GP";"F";17;"U";"GT3";"T";2;4;"services";"services";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;4;2;2;3;5;0;"16";"17";17
"GP";"F";17;"U";"LE3";"T";3;3;"other";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;2;3;1;56;"9";"9";8
"GP";"F";16;"U";"GT3";"T";3;2;"other";"other";"reputation";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";1;2;2;1;2;1;14;"12";"13";12
"GP";"M";17;"U";"GT3";"T";3;3;"services";"services";"other";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;4;2;3;4;12;"12";"12";11
"GP";"M";16;"U";"GT3";"T";1;2;"services";"services";"other";"mother";1;1;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";3;3;3;1;2;3;2;"11";"12";11
"GP";"M";16;"U";"LE3";"T";2;1;"other";"other";"course";"mother";1;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";4;2;3;1;2;5;0;"15";"15";15
"GP";"F";17;"U";"GT3";"A";3;3;"health";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";3;3;3;1;3;3;6;"8";"7";9
"GP";"M";17;"R";"GT3";"T";1;2;"at_home";"other";"home";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"no";"no";3;1;3;1;5;3;4;"8";"9";10
"GP";"F";16;"U";"GT3";"T";2;3;"services";"services";"course";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;2;10;"11";"12";13
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"services";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;3;0;"8";"8";9
"GP";"M";17;"U";"GT3";"T";1;2;"at_home";"services";"other";"other";2;2;0;"no";"no";"yes";"yes";"no";"yes";"yes";"no";4;4;4;4;5;5;12;"7";"8";8
"GP";"M";16;"R";"GT3";"T";3;3;"services";"services";"reputation";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;3;4;5;8;"8";"9";10
"GP";"M";16;"U";"GT3";"T";2;3;"other";"other";"home";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;3;3;1;1;3;0;"13";"14";14
"GP";"F";17;"U";"LE3";"T";2;4;"services";"services";"course";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;2;1;1;5;0;"14";"15";15
"GP";"M";17;"U";"GT3";"T";4;4;"services";"teacher";"home";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;2;3;1;2;5;4;"17";"15";16
"GP";"M";16;"R";"LE3";"T";3;3;"teacher";"other";"home";"father";3;1;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;3;4;3;5;3;8;"9";"9";10
"GP";"F";17;"U";"GT3";"T";4;4;"services";"teacher";"home";"mother";2;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;4;2;3;2;24;"18";"18";18
"GP";"F";16;"U";"LE3";"T";4;4;"teacher";"teacher";"reputation";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;5;2;1;2;3;0;"9";"9";10
"GP";"F";16;"U";"GT3";"T";4;3;"health";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;5;1;5;2;2;"16";"16";16
"GP";"F";16;"U";"GT3";"T";2;3;"other";"other";"reputation";"mother";1;2;0;"yes";"yes";"yes";"yes";"yes";"yes";"no";"no";4;4;3;1;3;4;6;"8";"10";10
"GP";"F";17;"U";"GT3";"T";1;1;"other";"other";"course";"mother";1;2;0;"no";"yes";"yes";"no";"no";"yes";"no";"no";4;4;4;1;3;1;4;"9";"9";10
"GP";"F";17;"R";"GT3";"T";2;2;"other";"other";"reputation";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;3;2;1;2;3;18;"7";"6";6
"GP";"F";16;"R";"GT3";"T";2;2;"services";"services";"reputation";"mother";2;4;0;"no";"yes";"yes";"yes";"no";"yes";"yes";"no";5;3;5;1;1;5;6;"10";"10";11
"GP";"F";17;"U";"GT3";"T";3;4;"at_home";"services";"home";"mother";1;3;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;4;3;3;4;5;28;"10";"9";9
"GP";"F";16;"U";"GT3";"A";3;1;"services";"other";"course";"mother";1;2;3;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";2;3;3;2;2;4;5;"7";"7";7
"GP";"F";16;"U";"GT3";"T";4;3;"teacher";"other";"other";"mother";1;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";1;3;2;1;1;1;10;"11";"12";13
"GP";"F";16;"U";"GT3";"T";1;1;"at_home";"other";"home";"mother";2;1;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";4;3;2;1;4;5;6;"9";"9";10
"GP";"F";17;"R";"GT3";"T";4;3;"teacher";"other";"reputation";"mother";2;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;4;2;1;1;4;6;"7";"7";7
"GP";"F";19;"U";"GT3";"T";3;3;"other";"other";"reputation";"other";1;4;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;1;2;3;10;"8";"8";8
"GP";"M";17;"U";"LE3";"T";4;4;"services";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";5;3;5;4;5;3;13;"12";"12";13
"GP";"F";16;"U";"GT3";"A";2;2;"other";"other";"reputation";"mother";1;2;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"no";3;3;4;1;1;4;0;"12";"13";14
"GP";"M";18;"U";"GT3";"T";2;2;"services";"other";"home";"mother";1;2;1;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;4;4;2;4;5;15;"6";"7";8
"GP";"F";17;"R";"LE3";"T";4;4;"services";"other";"other";"mother";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";5;2;1;1;2;3;12;"8";"10";10
"GP";"F";17;"U";"LE3";"T";3;2;"other";"other";"reputation";"mother";2;2;0;"no";"no";"yes";"no";"yes";"yes";"yes";"no";4;4;4;1;3;1;2;"14";"15";15
"GP";"F";17;"U";"GT3";"T";4;3;"other";"other";"reputation";"mother";1;2;2;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";3;4;5;2;4;1;22;"6";"6";4
"GP";"M";18;"U";"LE3";"T";3;3;"services";"health";"home";"father";1;2;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";3;2;4;2;4;4;13;"6";"6";8
"GP";"F";17;"U";"GT3";"T";2;3;"at_home";"other";"home";"father";2;1;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";3;3;3;1;4;3;3;"7";"7";8
"GP";"F";17;"U";"GT3";"T";2;2;"at_home";"at_home";"course";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;1;1;4;4;"9";"10";10
"GP";"F";17;"R";"GT3";"T";2;1;"at_home";"services";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;5;1;2;5;2;"6";"6";6
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"other";"reputation";"mother";1;3;1;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";4;3;4;1;1;5;0;"6";"5";0
"GP";"F";16;"U";"GT3";"T";2;3;"services";"teacher";"other";"mother";1;2;0;"yes";"no";"no";"no";"yes";"yes";"yes";"no";2;3;1;1;1;3;2;"16";"16";17
"GP";"M";18;"U";"GT3";"T";2;2;"other";"other";"home";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";3;3;3;5;5;4;0;"12";"13";13
"GP";"F";16;"U";"GT3";"T";4;4;"teacher";"services";"home";"mother";1;3;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";5;3;2;1;1;5;0;"13";"13";14
"GP";"F";18;"R";"GT3";"T";3;1;"other";"other";"reputation";"mother";1;2;1;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;1;1;4;16;"9";"8";7
"GP";"F";17;"U";"GT3";"T";3;2;"other";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;3;4;1;3;3;10;"16";"15";15
"GP";"M";17;"U";"LE3";"T";2;3;"services";"services";"reputation";"father";1;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";5;3;3;1;3;3;2;"12";"11";12
"GP";"M";18;"U";"LE3";"T";2;1;"at_home";"other";"course";"mother";4;2;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;3;2;4;5;3;14;"10";"8";9
"GP";"F";17;"U";"GT3";"A";2;1;"other";"other";"course";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;2;3;1;2;3;10;"12";"10";12
"GP";"F";17;"U";"LE3";"T";4;3;"health";"other";"reputation";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;2;3;1;2;3;14;"13";"13";14
"GP";"M";17;"R";"GT3";"T";2;2;"other";"other";"course";"father";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;5;2;1;1;1;4;"11";"11";11
"GP";"M";17;"U";"GT3";"T";4;4;"teacher";"teacher";"reputation";"mother";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;5;5;1;3;2;14;"11";"9";9
"GP";"M";16;"U";"GT3";"T";4;4;"health";"other";"reputation";"father";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;2;4;2;4;1;2;"14";"13";13
"GP";"M";16;"U";"LE3";"T";1;1;"other";"other";"home";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";3;4;2;1;1;5;18;"9";"7";6
"GP";"M";16;"U";"GT3";"T";3;2;"at_home";"other";"reputation";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;1;3;2;10;"11";"9";10
"GP";"M";17;"U";"LE3";"T";2;2;"other";"other";"home";"father";1;2;0;"no";"no";"yes";"yes";"no";"yes";"yes";"yes";4;4;2;5;5;4;4;"14";"13";13
"GP";"F";16;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;5;2;1;1;5;20;"13";"12";12
"GP";"F";17;"R";"GT3";"T";2;1;"at_home";"services";"course";"mother";3;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";2;1;1;1;1;3;2;"13";"11";11
"GP";"M";18;"U";"GT3";"T";2;2;"other";"services";"reputation";"father";1;2;1;"no";"no";"no";"no";"yes";"no";"yes";"no";5;5;4;3;5;2;0;"7";"7";0
"GP";"M";17;"U";"LE3";"T";4;3;"health";"other";"course";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";2;5;5;1;4;5;14;"12";"12";12
"GP";"M";17;"R";"LE3";"A";4;4;"teacher";"other";"course";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";3;3;3;2;3;4;2;"10";"11";12
"GP";"M";16;"U";"LE3";"T";4;3;"teacher";"other";"course";"mother";1;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;4;5;1;1;3;0;"6";"0";0
"GP";"M";16;"U";"GT3";"T";4;4;"services";"services";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;3;2;1;2;5;0;"13";"12";12
"GP";"F";18;"U";"GT3";"T";2;1;"other";"other";"course";"other";2;3;0;"no";"yes";"yes";"no";"no";"yes";"yes";"yes";4;4;4;1;1;3;0;"7";"0";0
"GP";"M";16;"U";"GT3";"T";2;1;"other";"other";"course";"mother";3;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;4;6;"18";"18";18
"GP";"M";17;"U";"GT3";"T";2;3;"other";"other";"course";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;2;2;1;1;2;4;"12";"12";13
"GP";"M";22;"U";"GT3";"T";3;1;"services";"services";"other";"mother";1;1;3;"no";"no";"no";"no";"no";"no";"yes";"yes";5;4;5;5;5;1;16;"6";"8";8
"GP";"M";18;"R";"LE3";"T";3;3;"other";"services";"course";"mother";1;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;3;1;3;5;8;"3";"5";5
"GP";"M";16;"U";"GT3";"T";0;2;"other";"other";"other";"mother";1;1;0;"no";"no";"yes";"no";"no";"yes";"yes";"no";4;3;2;2;4;5;0;"13";"15";15
"GP";"M";18;"U";"GT3";"T";3;2;"services";"other";"course";"mother";2;1;1;"no";"no";"no";"no";"yes";"no";"yes";"no";4;4;5;2;4;5;0;"6";"8";8
"GP";"M";16;"U";"GT3";"T";3;3;"at_home";"other";"reputation";"other";3;2;0;"yes";"yes";"no";"no";"no";"yes";"yes";"no";5;3;3;1;3;2;6;"7";"10";10
"GP";"M";18;"U";"GT3";"T";2;1;"services";"services";"other";"mother";1;1;1;"no";"no";"no";"no";"no";"no";"yes";"no";3;2;5;2;5;5;4;"6";"9";8
"GP";"M";16;"R";"GT3";"T";2;1;"other";"other";"course";"mother";2;1;0;"no";"no";"no";"yes";"no";"yes";"no";"no";3;3;2;1;3;3;0;"8";"9";8
"GP";"M";17;"R";"GT3";"T";2;1;"other";"other";"course";"mother";1;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;4;2;2;4;5;0;"8";"12";12
"GP";"M";17;"U";"LE3";"T";1;1;"health";"other";"course";"mother";2;1;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;4;4;1;2;5;2;"7";"9";8
"GP";"F";17;"U";"LE3";"T";4;2;"teacher";"services";"reputation";"mother";1;4;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;2;3;1;1;4;6;"14";"12";13
"GP";"M";19;"U";"LE3";"A";4;3;"services";"at_home";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;1;1;1;1;12;"11";"11";11
"GP";"M";18;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;2;4;1;2;4;8;"15";"14";14
"GP";"F";17;"U";"LE3";"T";2;2;"services";"services";"course";"father";1;4;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";3;4;1;1;1;2;0;"10";"9";0
"GP";"F";18;"U";"GT3";"T";4;3;"services";"other";"home";"father";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";3;1;2;1;3;2;21;"17";"18";18
"GP";"M";18;"U";"GT3";"T";4;3;"teacher";"other";"course";"mother";1;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";4;3;2;1;1;3;2;"8";"8";8
"GP";"M";18;"R";"GT3";"T";3;2;"other";"other";"course";"mother";1;3;0;"no";"no";"no";"yes";"no";"yes";"no";"no";5;3;2;1;1;3;1;"13";"12";12
"GP";"F";17;"U";"GT3";"T";3;3;"other";"other";"home";"mother";1;3;0;"no";"no";"no";"yes";"no";"yes";"no";"no";3;2;3;1;1;4;4;"10";"9";9
"GP";"F";18;"U";"GT3";"T";2;2;"at_home";"services";"home";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;3;3;1;1;3;0;"9";"10";0
"GP";"M";18;"R";"LE3";"A";3;4;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;2;5;3;4;1;13;"17";"17";17
"GP";"M";17;"U";"GT3";"T";3;1;"services";"other";"other";"mother";1;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";5;4;4;3;4;5;2;"9";"9";10
"GP";"F";18;"R";"GT3";"T";4;4;"teacher";"other";"reputation";"mother";2;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";4;3;4;2;2;4;8;"12";"10";11
"GP";"M";18;"U";"GT3";"T";4;2;"health";"other";"reputation";"father";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";5;4;5;1;3;5;10;"10";"9";10
"GP";"F";18;"R";"GT3";"T";2;1;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";4;3;5;1;2;3;0;"6";"0";0
"GP";"F";19;"U";"GT3";"T";3;3;"other";"services";"home";"other";1;2;2;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;5;3;3;5;15;"9";"9";9
"GP";"F";18;"U";"GT3";"T";2;3;"other";"services";"reputation";"father";1;4;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;5;5;1;3;2;4;"15";"14";14
"GP";"F";18;"U";"LE3";"T";1;1;"other";"other";"home";"mother";2;2;0;"no";"yes";"yes";"no";"no";"yes";"no";"no";4;4;3;1;1;3;2;"11";"11";11
"GP";"M";17;"R";"GT3";"T";1;2;"at_home";"at_home";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"no";"yes";"no";"yes";3;5;2;2;2;1;2;"15";"14";14
"GP";"F";17;"U";"GT3";"T";2;4;"at_home";"health";"reputation";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;3;3;1;1;1;2;"10";"10";10
"GP";"F";17;"U";"LE3";"T";2;2;"services";"other";"course";"mother";2;2;0;"yes";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;4;4;2;3;5;6;"12";"12";12
"GP";"F";18;"R";"GT3";"A";3;2;"other";"services";"home";"mother";2;2;0;"no";"no";"no";"no";"no";"no";"yes";"yes";4;1;1;1;1;5;75;"10";"9";9
"GP";"M";18;"U";"GT3";"T";4;4;"teacher";"services";"home";"mother";2;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";3;2;4;1;4;3;22;"9";"9";9
"GP";"F";18;"U";"GT3";"T";4;4;"health";"health";"reputation";"father";1;2;1;"yes";"yes";"no";"yes";"yes";"yes";"yes";"yes";2;4;4;1;1;4;15;"9";"8";8
"GP";"M";18;"U";"LE3";"T";4;3;"teacher";"services";"course";"mother";2;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";4;2;3;1;2;1;8;"10";"11";10
"GP";"M";17;"U";"LE3";"A";4;1;"services";"other";"home";"mother";2;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";4;5;4;2;4;5;30;"8";"8";8
"GP";"M";17;"U";"LE3";"A";3;2;"teacher";"services";"home";"mother";1;1;1;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;4;3;4;3;19;"11";"9";10
"GP";"F";18;"R";"LE3";"T";1;1;"at_home";"other";"reputation";"mother";2;4;0;"no";"yes";"yes";"yes";"yes";"yes";"no";"no";5;2;2;1;1;3;1;"12";"12";12
"GP";"F";18;"U";"GT3";"T";1;1;"other";"other";"home";"mother";2;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";5;4;4;1;1;4;4;"8";"9";10
"GP";"F";17;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;4;5;1;2;5;4;"10";"9";11
"GP";"M";17;"U";"GT3";"T";1;1;"other";"other";"reputation";"father";1;2;0;"no";"no";"yes";"no";"no";"yes";"yes";"no";4;3;3;1;2;4;2;"12";"10";11
"GP";"F";18;"U";"GT3";"T";2;2;"at_home";"at_home";"other";"mother";1;3;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;1;2;2;5;"18";"18";19
"GP";"F";17;"U";"GT3";"T";1;1;"services";"teacher";"reputation";"mother";1;3;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;6;"13";"12";12
"GP";"M";18;"U";"GT3";"T";2;1;"services";"services";"reputation";"mother";1;3;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";4;2;4;1;3;2;6;"15";"14";14
"GP";"M";18;"U";"LE3";"A";4;4;"teacher";"teacher";"reputation";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;4;3;1;1;2;9;"15";"13";15
"GP";"M";18;"U";"GT3";"T";4;2;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;3;2;1;4;5;11;"12";"11";11
"GP";"F";17;"U";"GT3";"T";4;3;"health";"services";"reputation";"mother";1;3;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;2;2;1;2;3;0;"15";"15";15
"GP";"F";18;"U";"LE3";"T";2;1;"services";"at_home";"reputation";"mother";1;2;1;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;4;3;1;1;5;12;"12";"12";13
"GP";"F";17;"R";"LE3";"T";3;1;"services";"other";"reputation";"mother";2;4;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";3;1;2;1;1;3;6;"18";"18";18
"GP";"M";18;"R";"LE3";"T";3;2;"services";"other";"reputation";"mother";2;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;4;2;1;1;4;8;"14";"13";14
"GP";"M";17;"U";"GT3";"T";3;3;"health";"other";"home";"mother";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;4;3;1;3;5;4;"14";"12";11
"GP";"F";19;"U";"GT3";"T";4;4;"health";"other";"reputation";"other";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";2;3;4;2;3;2;0;"10";"9";0
"GP";"F";18;"U";"LE3";"T";4;3;"other";"other";"home";"other";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;4;5;1;2;2;10;"10";"8";8
"GP";"F";18;"U";"GT3";"T";4;3;"other";"other";"reputation";"father";1;4;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;0;"14";"13";14
"GP";"M";18;"U";"LE3";"T";4;4;"teacher";"teacher";"home";"mother";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";1;4;2;2;2;1;5;"16";"15";16
"GP";"F";18;"U";"LE3";"A";4;4;"health";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;2;4;1;1;4;14;"12";"10";11
"GP";"M";17;"U";"LE3";"T";4;4;"other";"teacher";"home";"father";2;1;0;"no";"no";"yes";"no";"yes";"yes";"yes";"no";4;1;1;2;2;5;0;"11";"11";10
"GP";"F";17;"U";"GT3";"T";4;2;"other";"other";"reputation";"mother";2;3;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;0;"15";"12";14
"GP";"F";17;"U";"GT3";"T";3;2;"health";"health";"reputation";"father";1;4;0;"no";"yes";"yes";"yes";"no";"yes";"yes";"no";5;2;2;1;2;5;0;"17";"17";18
"GP";"M";19;"U";"GT3";"T";3;3;"other";"other";"home";"other";1;2;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;4;1;1;3;20;"15";"14";13
"GP";"F";18;"U";"GT3";"T";2;4;"services";"at_home";"reputation";"other";1;2;1;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;4;3;1;1;3;8;"14";"12";12
"GP";"M";20;"U";"GT3";"A";3;2;"services";"other";"course";"other";1;1;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";5;5;3;1;1;5;0;"17";"18";18
"GP";"M";19;"U";"GT3";"T";4;4;"teacher";"services";"reputation";"other";2;1;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;3;4;1;1;4;38;"8";"9";8
"GP";"M";19;"R";"GT3";"T";3;3;"other";"services";"reputation";"father";1;2;1;"no";"no";"no";"yes";"yes";"yes";"no";"yes";4;5;3;1;2;5;0;"15";"12";12
"GP";"F";19;"U";"LE3";"T";1;1;"at_home";"other";"reputation";"other";1;2;1;"yes";"yes";"no";"yes";"no";"yes";"yes";"no";4;4;3;1;3;3;18;"12";"10";10
"GP";"F";19;"U";"LE3";"T";1;2;"services";"services";"home";"other";1;2;1;"no";"no";"no";"yes";"no";"yes";"no";"yes";4;2;4;2;2;3;0;"9";"9";0
"GP";"F";19;"U";"GT3";"T";2;1;"at_home";"other";"other";"other";3;2;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";3;4;1;1;1;2;20;"14";"12";13
"GP";"M";19;"U";"GT3";"T";1;2;"other";"services";"course";"other";1;2;1;"no";"no";"no";"no";"no";"yes";"yes";"no";4;5;2;2;2;4;3;"13";"11";11
"GP";"F";19;"U";"LE3";"T";3;2;"services";"other";"reputation";"other";2;2;1;"no";"yes";"yes";"no";"no";"yes";"yes";"yes";4;2;2;1;2;1;22;"13";"10";11
"GP";"F";19;"U";"GT3";"T";1;1;"at_home";"health";"home";"other";1;3;2;"no";"no";"no";"no";"no";"yes";"yes";"yes";4;1;2;1;1;3;14;"15";"13";13
"GP";"F";19;"R";"GT3";"T";2;3;"other";"other";"reputation";"other";1;3;1;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;1;2;1;1;3;40;"13";"11";11
"GP";"F";18;"U";"GT3";"T";2;1;"services";"other";"course";"mother";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;3;3;1;2;1;0;"8";"8";0
"GP";"F";18;"U";"GT3";"T";4;3;"other";"other";"course";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;3;4;1;1;5;9;"9";"10";9
"GP";"F";17;"R";"GT3";"T";3;4;"at_home";"services";"course";"father";1;3;0;"no";"yes";"yes";"yes";"no";"yes";"yes";"no";4;3;4;2;5;5;0;"11";"11";10
"GP";"F";18;"U";"GT3";"T";4;4;"teacher";"other";"course";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;4;4;3;3;5;2;"11";"11";11
"GP";"F";17;"U";"GT3";"A";4;3;"services";"services";"course";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";5;2;2;1;2;5;23;"13";"13";13
"GP";"F";17;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";4;2;2;1;1;3;12;"11";"9";9
"GP";"F";17;"R";"LE3";"T";2;2;"services";"services";"course";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;3;2;2;2;3;3;"11";"11";11
"GP";"F";17;"U";"GT3";"T";3;1;"services";"services";"course";"father";1;3;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";3;4;3;2;3;5;1;"12";"14";15
"GP";"F";17;"U";"LE3";"T";0;2;"at_home";"at_home";"home";"father";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;3;3;2;3;2;0;"16";"15";15
"GP";"M";18;"U";"GT3";"T";4;4;"other";"other";"course";"mother";1;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;2;3;3;"9";"12";11
"GP";"M";17;"U";"GT3";"T";3;3;"other";"services";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;3;5;3;5;5;3;"14";"15";16
"GP";"M";17;"R";"GT3";"T";2;2;"services";"other";"course";"mother";4;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;5;5;5;4;8;"11";"10";10
"GP";"F";17;"U";"GT3";"T";4;4;"teacher";"services";"course";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;4;4;1;3;4;7;"10";"9";9
"GP";"F";17;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";2;3;0;"no";"yes";"yes";"no";"no";"yes";"yes";"yes";4;3;3;1;2;4;4;"14";"14";14
"GP";"M";18;"U";"LE3";"T";2;2;"other";"other";"course";"mother";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;5;5;2;4;5;2;"9";"8";8
"GP";"F";17;"R";"GT3";"T";2;4;"at_home";"other";"course";"father";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;3;1;1;5;7;"12";"14";14
"GP";"F";18;"U";"GT3";"T";3;3;"services";"services";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;1;4;0;"7";"0";0
"GP";"F";18;"U";"LE3";"T";2;2;"other";"other";"home";"other";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;3;3;1;1;2;0;"8";"8";0
"GP";"F";18;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";2;4;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";4;4;4;1;1;4;0;"10";"9";0
"GP";"F";17;"U";"GT3";"T";3;4;"services";"other";"course";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;5;1;3;5;16;"16";"15";15
"GP";"F";19;"R";"GT3";"A";3;1;"services";"at_home";"home";"other";1;3;1;"no";"no";"yes";"no";"yes";"yes";"no";"no";5;4;3;1;2;5;12;"14";"13";13
"GP";"F";17;"U";"GT3";"T";3;2;"other";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;3;2;2;3;2;0;"7";"8";0
"GP";"F";18;"U";"LE3";"T";3;3;"services";"services";"home";"mother";1;4;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;3;3;1;1;1;7;"16";"15";17
"GP";"F";17;"R";"GT3";"A";3;2;"other";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;3;2;3;2;4;"9";"10";10
"GP";"F";19;"U";"GT3";"T";2;1;"services";"services";"home";"other";1;3;1;"no";"no";"yes";"yes";"yes";"yes";"yes";"yes";4;3;4;1;3;3;4;"11";"12";11
"GP";"M";18;"U";"GT3";"T";4;4;"teacher";"services";"home";"father";1;2;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;2;2;0;"10";"10";0
"GP";"M";18;"U";"LE3";"T";3;4;"services";"other";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;1;3;5;11;"16";"15";15
"GP";"F";17;"U";"GT3";"A";2;2;"at_home";"at_home";"home";"father";1;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";3;3;1;1;2;4;0;"9";"8";0
"GP";"F";18;"U";"GT3";"T";2;3;"at_home";"other";"course";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;2;3;4;"11";"10";10
"GP";"F";18;"U";"GT3";"T";3;2;"other";"services";"other";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;4;3;2;3;1;7;"13";"13";14
"GP";"M";18;"R";"GT3";"T";4;3;"teacher";"services";"course";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;3;2;1;2;4;9;"16";"15";16
"GP";"M";18;"U";"GT3";"T";4;3;"teacher";"other";"course";"mother";1;3;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";5;4;5;2;3;5;0;"10";"10";9
"GP";"F";17;"U";"GT3";"T";4;3;"health";"other";"reputation";"mother";1;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;4;3;1;3;4;0;"13";"15";15
"MS";"M";18;"R";"GT3";"T";3;2;"other";"other";"course";"mother";2;1;1;"no";"yes";"no";"no";"no";"yes";"yes";"no";2;5;5;5;5;5;10;"11";"13";13
"MS";"M";19;"R";"GT3";"T";1;1;"other";"services";"home";"other";3;2;3;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;4;4;3;3;2;8;"8";"7";8
"MS";"M";17;"U";"GT3";"T";3;3;"health";"other";"course";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;5;4;2;3;3;2;"13";"13";13
"MS";"M";18;"U";"LE3";"T";1;3;"at_home";"services";"course";"mother";1;1;1;"no";"no";"no";"no";"yes";"no";"yes";"yes";4;3;3;2;3;3;7;"8";"7";8
"MS";"M";19;"R";"GT3";"T";1;1;"other";"other";"home";"other";3;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;3;3;5;4;"8";"8";8
"MS";"M";17;"R";"GT3";"T";4;3;"services";"other";"home";"mother";2;2;0;"no";"yes";"yes";"yes";"no";"yes";"yes";"yes";4;5;5;1;3;2;4;"13";"11";11
"MS";"F";18;"U";"GT3";"T";3;3;"services";"services";"course";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";5;3;4;1;1;5;0;"10";"9";9
"MS";"F";17;"R";"GT3";"T";4;4;"teacher";"services";"other";"father";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;1;2;5;4;"12";"13";13
"MS";"F";17;"U";"LE3";"A";3;2;"services";"other";"reputation";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";1;2;3;1;2;5;2;"12";"12";11
"MS";"M";18;"U";"LE3";"T";1;1;"other";"services";"home";"father";2;1;0;"no";"no";"no";"no";"no";"yes";"yes";"yes";3;3;2;1;2;3;4;"10";"10";10
"MS";"F";18;"U";"LE3";"T";1;1;"at_home";"services";"course";"father";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;3;2;1;1;4;0;"18";"16";16
"MS";"F";18;"R";"LE3";"A";1;4;"at_home";"other";"course";"mother";3;2;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;3;4;1;4;5;0;"13";"13";13
"MS";"M";18;"R";"LE3";"T";1;1;"at_home";"other";"other";"mother";2;2;1;"no";"no";"no";"yes";"no";"no";"no";"no";4;4;3;2;3;5;2;"13";"12";12
"MS";"F";18;"U";"GT3";"T";3;3;"services";"services";"other";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;2;1;3;3;0;"11";"11";10
"MS";"F";17;"U";"LE3";"T";4;4;"at_home";"at_home";"course";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";2;3;4;1;1;1;0;"16";"15";15
"MS";"F";17;"R";"GT3";"T";1;2;"other";"services";"course";"father";2;2;0;"no";"no";"no";"no";"no";"yes";"no";"no";3;2;2;1;2;3;0;"12";"11";12
"MS";"M";18;"R";"GT3";"T";1;3;"at_home";"other";"course";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";3;3;4;2;4;3;4;"10";"10";10
"MS";"M";18;"U";"LE3";"T";4;4;"teacher";"services";"other";"mother";2;3;0;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";4;2;2;2;2;5;0;"13";"13";13
"MS";"F";17;"R";"GT3";"T";1;1;"other";"services";"reputation";"mother";3;1;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";5;2;1;1;2;1;0;"7";"6";0
"MS";"F";18;"U";"GT3";"T";2;3;"at_home";"services";"course";"father";2;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";5;2;3;1;2;4;0;"11";"10";10
"MS";"F";18;"R";"GT3";"T";4;4;"other";"teacher";"other";"father";3;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"yes";3;2;2;4;2;5;10;"14";"12";11
"MS";"F";19;"U";"LE3";"T";3;2;"services";"services";"home";"other";2;2;2;"no";"no";"no";"yes";"yes";"yes";"no";"yes";3;2;2;1;1;3;4;"7";"7";9
"MS";"M";18;"R";"LE3";"T";1;2;"at_home";"services";"other";"father";3;1;0;"no";"yes";"yes";"yes";"yes";"no";"yes";"yes";4;3;3;2;3;3;3;"14";"12";12
"MS";"F";17;"U";"GT3";"T";2;2;"other";"at_home";"home";"mother";1;3;0;"no";"no";"no";"yes";"yes";"yes";"no";"yes";3;4;3;1;1;3;8;"13";"11";11
"MS";"F";17;"R";"GT3";"T";1;2;"other";"other";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;5;5;1;3;1;14;"6";"5";5
"MS";"F";18;"R";"LE3";"T";4;4;"other";"other";"reputation";"mother";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;4;4;1;1;1;0;"19";"18";19
"MS";"F";18;"R";"GT3";"T";1;1;"other";"other";"home";"mother";4;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;3;2;1;2;4;2;"8";"8";10
"MS";"F";20;"U";"GT3";"T";4;2;"health";"other";"course";"other";2;3;2;"no";"yes";"yes";"no";"no";"yes";"yes";"yes";5;4;3;1;1;3;4;"15";"14";15
"MS";"F";18;"R";"LE3";"T";4;4;"teacher";"services";"course";"mother";1;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";5;4;3;3;4;2;4;"8";"9";10
"MS";"F";18;"U";"GT3";"T";3;3;"other";"other";"home";"mother";1;2;0;"no";"no";"yes";"no";"yes";"yes";"yes";"yes";4;1;3;1;2;1;0;"15";"15";15
"MS";"F";17;"R";"GT3";"T";3;1;"at_home";"other";"reputation";"mother";1;2;0;"no";"yes";"yes";"yes";"no";"yes";"yes";"no";4;5;4;2;3;1;17;"10";"10";10
"MS";"M";18;"U";"GT3";"T";4;4;"teacher";"teacher";"home";"father";1;2;0;"no";"no";"yes";"yes";"no";"yes";"yes";"no";3;2;4;1;4;2;4;"15";"14";14
"MS";"M";18;"R";"GT3";"T";2;1;"other";"other";"other";"mother";2;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;4;3;1;3;5;5;"7";"6";7
"MS";"M";17;"U";"GT3";"T";2;3;"other";"services";"home";"father";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;4;3;1;1;3;2;"11";"11";10
"MS";"M";19;"R";"GT3";"T";1;1;"other";"services";"other";"mother";2;1;1;"no";"no";"no";"no";"yes";"yes";"no";"no";4;3;2;1;3;5;0;"6";"5";0
"MS";"M";18;"R";"GT3";"T";4;2;"other";"other";"home";"father";2;1;1;"no";"no";"yes";"no";"yes";"yes";"no";"no";5;4;3;4;3;3;14;"6";"5";5
"MS";"F";18;"R";"GT3";"T";2;2;"at_home";"other";"other";"mother";2;3;0;"no";"no";"yes";"no";"yes";"yes";"no";"no";5;3;3;1;3;4;2;"10";"9";10
"MS";"F";18;"R";"GT3";"T";4;4;"teacher";"at_home";"reputation";"mother";3;1;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;4;3;2;2;5;7;"6";"5";6
"MS";"F";19;"R";"GT3";"T";2;3;"services";"other";"course";"mother";1;3;1;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;4;2;1;2;5;0;"7";"5";0
"MS";"F";18;"U";"LE3";"T";3;1;"teacher";"services";"course";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;3;4;1;1;1;0;"7";"9";8
"MS";"F";18;"U";"GT3";"T";1;1;"other";"other";"course";"mother";2;2;1;"no";"no";"no";"yes";"yes";"yes";"no";"no";1;1;1;1;1;5;0;"6";"5";0
"MS";"M";20;"U";"LE3";"A";2;2;"services";"services";"course";"other";1;2;2;"no";"yes";"yes";"no";"yes";"yes";"no";"no";5;5;4;4;5;4;11;"9";"9";9
"MS";"M";17;"U";"LE3";"T";3;1;"services";"services";"course";"mother";2;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";2;4;5;3;4;2;3;"14";"16";16
"MS";"M";21;"R";"GT3";"T";1;1;"other";"other";"course";"other";1;1;3;"no";"no";"no";"no";"no";"yes";"no";"no";5;5;3;3;3;3;3;"10";"8";7
"MS";"M";18;"R";"LE3";"T";3;2;"services";"other";"course";"mother";3;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;4;1;3;4;5;0;"11";"12";10
"MS";"M";19;"U";"LE3";"T";1;1;"other";"at_home";"course";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;2;3;3;3;5;5;"8";"9";9
student-por.csv
school;sex;age;address;famsize;Pstatus;Medu;Fedu;Mjob;Fjob;reason;guardian;traveltime;studytime;failures;schoolsup;famsup;paid;activities;nursery;higher;internet;romantic;famrel;freetime;goout;Dalc;Walc;health;absences;G1;G2;G3
"GP";"F";18;"U";"GT3";"A";4;4;"at_home";"teacher";"course";"mother";2;2;0;"yes";"no";"no";"no";"yes";"yes";"no";"no";4;3;4;1;1;3;4;"0";"11";11
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"other";"course";"father";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;3;3;1;1;3;2;"9";"11";11
"GP";"F";15;"U";"LE3";"T";1;1;"at_home";"other";"other";"mother";1;2;0;"yes";"no";"no";"no";"yes";"yes";"yes";"no";4;3;2;2;3;3;6;"12";"13";12
"GP";"F";15;"U";"GT3";"T";4;2;"health";"services";"home";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";3;2;2;1;1;5;0;"14";"14";14
"GP";"F";16;"U";"GT3";"T";3;3;"other";"other";"home";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;2;1;2;5;0;"11";"13";13
"GP";"M";16;"U";"LE3";"T";4;3;"services";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;2;1;2;5;6;"12";"12";13
"GP";"M";16;"U";"LE3";"T";2;2;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;1;3;0;"13";"12";13
"GP";"F";17;"U";"GT3";"A";4;4;"other";"teacher";"home";"mother";2;2;0;"yes";"yes";"no";"no";"yes";"yes";"no";"no";4;1;4;1;1;1;2;"10";"13";13
"GP";"M";15;"U";"LE3";"A";3;2;"services";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;2;1;1;1;0;"15";"16";17
"GP";"M";15;"U";"GT3";"T";3;4;"other";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;5;1;1;1;5;0;"12";"12";13
"GP";"F";15;"U";"GT3";"T";4;4;"teacher";"health";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;3;3;1;2;2;2;"14";"14";14
"GP";"F";15;"U";"GT3";"T";2;1;"services";"other";"reputation";"father";3;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;2;2;1;1;4;0;"10";"12";13
"GP";"M";15;"U";"LE3";"T";4;4;"health";"services";"course";"father";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;3;5;0;"12";"13";12
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"other";"course";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;3;1;2;3;0;"12";"12";13
"GP";"M";15;"U";"GT3";"A";2;2;"other";"other";"home";"other";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;5;2;1;1;3;0;"14";"14";15
"GP";"F";16;"U";"GT3";"T";4;4;"health";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;2;2;6;"17";"17";17
"GP";"F";16;"U";"GT3";"T";4;4;"services";"services";"reputation";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;2;3;1;2;2;10;"13";"13";14
"GP";"F";16;"U";"GT3";"T";3;3;"other";"other";"reputation";"mother";3;2;0;"yes";"yes";"no";"yes";"yes";"yes";"no";"no";5;3;2;1;1;4;2;"13";"14";14
"GP";"M";17;"U";"GT3";"T";3;2;"services";"services";"course";"mother";1;1;3;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;5;5;2;4;5;2;"8";"8";7
"GP";"M";16;"U";"LE3";"T";4;3;"health";"other";"home";"father";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;1;3;1;3;5;6;"12";"12";12
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"other";"reputation";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;1;1;1;1;0;"12";"13";14
"GP";"M";15;"U";"GT3";"T";4;4;"health";"health";"other";"father";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";5;4;2;1;1;5;0;"11";"12";12
"GP";"M";16;"U";"LE3";"T";4;2;"teacher";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;5;1;1;3;5;0;"12";"13";14
"GP";"M";16;"U";"LE3";"T";2;2;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;4;2;4;5;2;"10";"10";10
"GP";"F";15;"R";"GT3";"T";2;4;"services";"health";"course";"mother";1;3;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;2;"10";"11";10
"GP";"F";16;"U";"GT3";"T";2;2;"services";"services";"home";"mother";1;1;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";1;2;2;1;3;5;6;"10";"11";12
"GP";"M";15;"U";"GT3";"T";2;2;"other";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;2;1;2;5;8;"11";"12";12
"GP";"M";15;"U";"GT3";"T";4;2;"health";"services";"other";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";2;2;4;2;4;1;0;"11";"11";11
"GP";"M";16;"U";"LE3";"A";3;4;"services";"other";"home";"mother";1;2;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;5;2;"12";"12";13
"GP";"M";16;"U";"GT3";"T";4;4;"teacher";"teacher";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;4;5;5;5;5;4;"12";"11";12
"GP";"M";15;"U";"GT3";"T";4;4;"health";"services";"home";"mother";1;2;0;"no";"yes";"yes";"no";"no";"yes";"yes";"no";5;4;2;3;4;5;0;"10";"11";11
"GP";"M";15;"U";"GT3";"T";4;4;"services";"services";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;1;1;1;5;2;"15";"15";15
"GP";"M";15;"R";"GT3";"T";4;3;"teacher";"at_home";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;5;2;1;1;5;0;"13";"14";15
"GP";"M";15;"U";"LE3";"T";3;3;"other";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;3;2;1;1;2;0;"13";"12";12
"GP";"M";16;"U";"GT3";"T";3;2;"other";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;4;3;1;1;5;4;"12";"12";12
"GP";"F";15;"U";"GT3";"T";2;3;"other";"other";"other";"father";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";3;5;1;1;1;5;4;"11";"11";11
"GP";"M";15;"U";"LE3";"T";4;3;"teacher";"services";"home";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;3;1;1;4;0;"14";"14";14
"GP";"M";16;"R";"GT3";"A";4;4;"other";"teacher";"reputation";"mother";2;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";2;4;3;1;1;5;4;"13";"13";13
"GP";"F";15;"R";"GT3";"T";3;4;"services";"health";"course";"mother";1;3;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;2;"11";"12";12
"GP";"F";15;"R";"GT3";"T";2;2;"at_home";"other";"reputation";"mother";1;1;0;"yes";"yes";"no";"yes";"yes";"yes";"no";"no";4;3;1;1;1;2;8;"14";"13";12
"GP";"F";16;"U";"LE3";"T";2;2;"other";"other";"home";"mother";2;2;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";3;3;3;1;2;3;16;"11";"11";10
"GP";"M";15;"U";"LE3";"T";4;4;"teacher";"other";"home";"other";1;1;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";5;4;3;2;4;5;8;"10";"11";11
"GP";"M";15;"U";"GT3";"T";4;4;"services";"teacher";"course";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;1;5;0;"14";"15";15
"GP";"M";15;"U";"GT3";"T";2;2;"services";"services";"course";"father";1;1;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;1;1;1;1;0;"9";"10";10
"GP";"F";16;"U";"LE3";"T";2;2;"other";"at_home";"course";"father";2;2;1;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;2;5;14;"10";"11";11
"GP";"F";15;"U";"LE3";"A";4;3;"other";"other";"course";"mother";1;2;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"yes";5;2;2;1;1;5;4;"10";"11";11
"GP";"F";16;"U";"LE3";"A";3;3;"other";"services";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";2;3;5;1;4;3;6;"13";"12";13
"GP";"M";16;"U";"GT3";"T";4;3;"health";"services";"reputation";"mother";1;4;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;2;2;1;1;2;2;"17";"17";17
"GP";"M";15;"U";"GT3";"T";4;2;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;3;2;2;5;4;"11";"12";13
"GP";"F";15;"U";"GT3";"T";4;4;"services";"teacher";"other";"father";1;2;0;"yes";"yes";"no";"yes";"no";"yes";"yes";"no";4;4;4;1;1;3;2;"13";"12";12
"GP";"F";16;"U";"LE3";"T";2;2;"services";"services";"course";"mother";3;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;2;3;4;0;"14";"13";13
"GP";"F";15;"U";"LE3";"T";4;2;"health";"other";"other";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;5;0;"16";"14";16
"GP";"M";15;"U";"LE3";"A";4;2;"health";"health";"other";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"no";"no";5;5;5;3;4;5;4;"10";"9";9
"GP";"F";15;"U";"GT3";"T";4;4;"services";"services";"course";"mother";1;1;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";3;3;4;2;3;5;0;"13";"12";12
"GP";"F";15;"U";"LE3";"A";3;3;"other";"other";"other";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;3;4;4;4;1;0;"13";"12";13
"GP";"F";16;"U";"GT3";"A";2;1;"other";"other";"other";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;4;1;1;2;2;"12";"13";12
"GP";"F";15;"U";"GT3";"A";4;3;"services";"services";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;1;0;"15";"14";15
"GP";"M";15;"U";"GT3";"T";4;4;"teacher";"health";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";3;2;2;1;1;5;8;"15";"15";16
"GP";"M";15;"U";"LE3";"T";1;2;"other";"at_home";"home";"father";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;0;"14";"13";14
"GP";"F";16;"U";"GT3";"T";4;2;"services";"other";"course";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;2;3;1;1;5;2;"16";"15";16
"GP";"F";16;"R";"GT3";"T";4;4;"health";"teacher";"other";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";2;4;4;2;3;4;0;"17";"16";16
"GP";"F";16;"U";"GT3";"T";1;1;"services";"services";"course";"father";4;1;0;"yes";"yes";"no";"yes";"no";"yes";"yes";"yes";5;5;5;5;5;5;0;"10";"10";16
"GP";"F";16;"U";"LE3";"T";1;2;"other";"services";"reputation";"father";1;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";4;4;3;1;1;1;0;"13";"13";10
"GP";"F";16;"U";"GT3";"T";4;3;"teacher";"health";"home";"mother";1;3;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";3;4;4;2;4;4;0;"14";"13";13
"GP";"F";15;"U";"LE3";"T";4;3;"services";"services";"reputation";"father";1;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"yes";4;4;4;2;4;2;0;"13";"12";12
"GP";"F";16;"U";"LE3";"T";4;3;"teacher";"services";"course";"mother";3;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;3;1;2;1;2;"16";"15";16
"GP";"M";15;"U";"GT3";"A";4;4;"other";"services";"reputation";"mother";1;4;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";1;3;3;5;5;3;0;"11";"12";12
"GP";"F";16;"U";"GT3";"T";3;1;"services";"other";"course";"mother";1;4;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;2;5;0;"10";"9";10
"GP";"F";15;"R";"LE3";"T";2;2;"health";"services";"reputation";"mother";2;2;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";4;1;3;1;3;4;0;"11";"10";11
"GP";"F";15;"R";"LE3";"T";3;1;"other";"other";"reputation";"father";2;4;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";4;4;2;2;3;3;6;"15";"15";15
"GP";"M";16;"U";"GT3";"T";3;1;"other";"other";"reputation";"father";2;4;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;2;1;1;5;2;"13";"11";11
"GP";"M";15;"U";"GT3";"T";4;2;"other";"other";"course";"mother";1;4;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;3;3;1;1;3;0;"11";"9";10
"GP";"F";15;"R";"GT3";"T";1;1;"other";"other";"reputation";"mother";1;2;0;"yes";"yes";"no";"no";"no";"yes";"yes";"yes";3;3;4;2;4;5;2;"13";"11";11
"GP";"M";16;"U";"GT3";"T";3;1;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";5;3;2;2;2;5;0;"13";"13";14
"GP";"F";16;"U";"GT3";"T";3;3;"other";"services";"home";"mother";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;4;5;4;"11";"11";11
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;3;5;0;"11";"11";11
"GP";"M";15;"U";"GT3";"T";4;0;"teacher";"other";"course";"mother";2;4;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;4;3;1;1;1;0;"12";"11";11
"GP";"F";16;"U";"GT3";"T";2;2;"other";"other";"reputation";"mother";1;4;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;2;3;1;3;3;1;"13";"13";13
"GP";"M";17;"U";"GT3";"T";2;1;"other";"other";"home";"mother";2;1;3;"yes";"yes";"no";"yes";"yes";"no";"yes";"no";4;5;1;1;1;3;0;"9";"9";10
"GP";"F";16;"U";"GT3";"T";3;4;"at_home";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";2;4;3;1;2;3;14;"12";"11";11
"GP";"M";15;"U";"GT3";"T";2;3;"other";"services";"course";"father";1;1;0;"yes";"yes";"no";"yes";"no";"yes";"yes";"yes";3;2;2;1;3;3;0;"11";"11";12
"GP";"M";15;"U";"GT3";"T";2;3;"other";"other";"home";"mother";1;3;0;"yes";"no";"no";"no";"no";"yes";"yes";"no";5;3;2;1;2;5;2;"10";"9";9
"GP";"F";15;"U";"LE3";"T";3;2;"services";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;1;5;4;"12";"11";11
"GP";"M";15;"U";"LE3";"T";2;2;"services";"services";"home";"mother";2;2;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";5;3;3;1;3;4;2;"13";"12";13
"GP";"F";15;"U";"GT3";"T";1;1;"other";"other";"home";"father";1;2;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";4;3;2;2;3;4;2;"13";"12";12
"GP";"F";15;"U";"GT3";"T";4;4;"services";"services";"reputation";"father";2;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;4;4;2;3;5;4;"12";"11";12
"GP";"F";16;"U";"LE3";"T";2;2;"at_home";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;4;1;2;2;6;"13";"11";11
"GP";"F";15;"U";"GT3";"T";4;2;"other";"other";"reputation";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;3;1;4;"15";"15";15
"GP";"M";16;"U";"GT3";"T";2;2;"services";"other";"reputation";"father";2;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;4;2;1;1;3;6;"12";"10";11
"GP";"M";16;"U";"LE3";"A";4;4;"teacher";"health";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;1;3;3;5;5;6;"9";"9";10
"GP";"F";16;"U";"GT3";"T";3;3;"other";"other";"home";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;3;1;3;4;2;"9";"11";11
"GP";"F";15;"U";"GT3";"T";4;3;"services";"other";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;5;5;1;3;1;6;"14";"13";13
"GP";"F";16;"U";"LE3";"T";3;1;"other";"other";"home";"father";1;2;0;"yes";"yes";"no";"no";"yes";"yes";"no";"no";3;3;3;2;3;2;0;"12";"13";12
"GP";"F";16;"U";"GT3";"T";4;2;"teacher";"services";"home";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;1;2;"13";"14";14
"GP";"M";15;"U";"LE3";"T";2;2;"services";"health";"reputation";"mother";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;4;1;1;4;2;"11";"12";12
"GP";"F";15;"R";"GT3";"T";1;1;"at_home";"other";"home";"mother";2;4;0;"yes";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;1;2;1;1;1;4;"13";"13";13
"GP";"M";16;"R";"GT3";"T";4;3;"services";"other";"reputation";"mother";2;1;0;"yes";"yes";"yes";"yes";"no";"yes";"yes";"no";3;3;3;1;1;4;6;"9";"11";11
"GP";"F";16;"U";"GT3";"T";2;1;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";4;3;5;1;1;5;0;"13";"12";12
"GP";"F";16;"U";"GT3";"T";4;4;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;3;4;1;2;1;4;"12";"13";13
"GP";"F";16;"U";"GT3";"T";4;3;"other";"at_home";"course";"mother";1;3;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";5;3;5;1;1;3;2;"12";"13";13
"GP";"M";16;"U";"GT3";"T";4;4;"services";"services";"other";"mother";1;1;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;5;5;5;5;4;12;"9";"9";8
"GP";"M";16;"U";"GT3";"T";4;4;"services";"teacher";"other";"father";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;3;1;1;4;0;"16";"16";16
"GP";"M";15;"U";"GT3";"T";4;4;"services";"other";"course";"mother";1;1;0;"no";"yes";"yes";"yes";"no";"yes";"yes";"no";5;3;3;1;1;5;2;"12";"13";12
"GP";"F";15;"U";"GT3";"T";3;2;"services";"other";"home";"mother";2;2;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;5;1;1;2;16;"11";"10";10
"GP";"M";15;"U";"GT3";"A";3;4;"services";"other";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;4;1;1;1;0;"16";"16";16
"GP";"F";15;"U";"GT3";"A";3;3;"other";"health";"reputation";"father";1;4;0;"yes";"no";"no";"no";"yes";"yes";"no";"no";4;3;3;1;1;4;10;"10";"10";10
"GP";"F";15;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;4;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";5;1;2;1;1;3;4;"10";"10";10
"GP";"M";16;"U";"GT3";"T";3;3;"services";"other";"home";"father";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;5;4;"13";"14";14
"GP";"M";15;"R";"GT3";"T";4;4;"other";"other";"home";"father";4;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";1;3;5;3;5;1;8;"12";"10";11
"GP";"F";16;"U";"LE3";"T";4;4;"health";"health";"other";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;4;5;1;1;4;2;"15";"15";14
"GP";"M";15;"U";"LE3";"A";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;5;3;1;1;4;4;"13";"14";14
"GP";"F";16;"R";"GT3";"T";3;3;"services";"other";"reputation";"father";1;3;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";4;1;2;1;1;2;4;"11";"11";11
"GP";"F";16;"U";"GT3";"T";2;2;"at_home";"other";"home";"mother";1;2;1;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";3;1;2;1;1;5;12;"8";"10";10
"GP";"M";15;"U";"LE3";"T";4;2;"teacher";"other";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;5;2;1;1;3;10;"18";"17";18
"GP";"M";15;"R";"GT3";"T";2;1;"health";"services";"reputation";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;4;2;1;1;5;4;"10";"9";10
"GP";"M";16;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;4;1;2;5;6;"16";"14";14
"GP";"M";15;"U";"GT3";"T";4;4;"other";"teacher";"reputation";"father";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";4;4;3;1;1;2;4;"16";"15";16
"GP";"M";16;"U";"GT3";"T";3;3;"other";"services";"home";"father";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;4;2;1;1;5;6;"14";"14";15
"GP";"M";17;"R";"GT3";"T";1;3;"other";"other";"course";"father";3;2;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;2;4;1;4;5;14;"12";"11";11
"GP";"M";15;"U";"GT3";"T";3;4;"other";"other";"reputation";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;4;3;1;2;4;2;"14";"13";14
"GP";"F";15;"U";"GT3";"T";1;2;"at_home";"services";"course";"mother";1;2;0;"no";"no";"no";"no";"no";"yes";"yes";"no";3;2;3;1;2;1;0;"14";"14";14
"GP";"M";15;"U";"GT3";"T";2;2;"services";"services";"home";"father";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;5;4;1;2;5;6;"14";"13";13
"GP";"F";16;"U";"LE3";"T";2;4;"other";"health";"course";"father";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;2;2;1;2;5;2;"14";"12";13
"GP";"M";16;"U";"GT3";"T";4;4;"health";"other";"course";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;4;4;1;4;5;4;"12";"13";13
"GP";"F";16;"U";"GT3";"T";2;2;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;4;4;1;1;5;0;"12";"11";11
"GP";"M";15;"U";"GT3";"T";3;4;"services";"services";"home";"father";1;1;0;"yes";"no";"no";"no";"yes";"yes";"yes";"no";5;5;5;3;2;5;2;"9";"9";9
"GP";"F";15;"U";"LE3";"A";3;4;"other";"other";"home";"mother";1;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;2;1;1;1;0;"10";"11";11
"GP";"F";19;"U";"GT3";"T";0;1;"at_home";"other";"course";"other";1;2;2;"no";"yes";"no";"no";"no";"no";"no";"no";3;4;2;1;1;5;0;"9";"10";11
"GP";"M";16;"R";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;5;5;2;5;4;8;"14";"14";15
"GP";"M";16;"U";"GT3";"T";2;3;"other";"other";"course";"mother";2;3;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";3;2;3;2;2;1;4;"13";"12";13
"GP";"F";15;"R";"GT3";"T";3;4;"services";"teacher";"course";"father";2;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;2;2;2;2;5;0;"10";"11";12
"GP";"F";18;"U";"GT3";"T";2;1;"services";"other";"reputation";"mother";1;2;3;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";5;4;5;1;3;5;10;"10";"9";8
"GP";"F";17;"U";"LE3";"A";2;1;"other";"other";"course";"mother";3;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;2;2;1;2;5;8;"11";"10";11
"GP";"F";15;"U";"GT3";"T";1;1;"at_home";"other";"course";"mother";3;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;3;3;1;2;4;6;"11";"12";13
"GP";"F";17;"U";"LE3";"T";2;2;"other";"other";"course";"father";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";3;4;4;1;3;5;2;"13";"12";12
"GP";"F";16;"U";"GT3";"A";3;4;"services";"other";"course";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;2;1;1;4;5;12;"15";"13";14
"GP";"M";16;"U";"GT3";"T";2;1;"at_home";"other";"course";"mother";4;1;0;"no";"no";"no";"no";"yes";"yes";"no";"no";3;2;1;1;1;2;4;"9";"9";11
"GP";"F";16;"U";"GT3";"A";2;2;"other";"other";"home";"mother";1;1;1;"no";"no";"no";"no";"yes";"yes";"no";"no";5;3;4;1;1;5;12;"13";"11";11
"GP";"M";15;"R";"GT3";"T";3;4;"at_home";"teacher";"course";"mother";4;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";5;3;3;1;1;5;2;"12";"11";11
"GP";"F";15;"U";"GT3";"T";4;4;"services";"at_home";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;1;1;5;4;"13";"14";15
"GP";"M";17;"R";"GT3";"T";3;4;"at_home";"other";"course";"mother";3;2;0;"no";"no";"no";"no";"yes";"yes";"no";"no";5;4;5;2;4;5;2;"10";"9";10
"GP";"F";16;"R";"GT3";"T";1;1;"at_home";"other";"course";"mother";4;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";5;1;3;1;1;3;0;"14";"13";13
"GP";"M";18;"U";"LE3";"T";3;1;"services";"services";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;3;4;4;5;4;2;"11";"11";12
"GP";"F";18;"U";"GT3";"A";3;2;"other";"services";"course";"other";1;3;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;3;3;5;1;5;10;"12";"11";11
"GP";"F";16;"R";"GT3";"T";1;1;"other";"services";"reputation";"mother";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";3;3;3;1;2;1;8;"12";"11";11
"GP";"F";16;"U";"GT3";"A";3;3;"other";"other";"course";"other";2;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;3;2;1;1;5;4;"9";"9";10
"GP";"M";16;"U";"LE3";"T";1;1;"services";"other";"course";"mother";1;2;2;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;4;4;1;3;5;0;"10";"10";10
"GP";"F";15;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;2;1;1;5;6;"13";"14";14
"GP";"F";15;"R";"GT3";"T";1;1;"other";"other";"course";"mother";3;1;1;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;5;5;1;1;1;2;"8";"9";9
"GP";"M";15;"U";"GT3";"T";4;3;"teacher";"services";"course";"father";2;4;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";2;2;2;1;1;3;6;"9";"11";11
"GP";"F";15;"U";"GT3";"A";3;3;"services";"services";"home";"mother";1;2;0;"no";"no";"no";"no";"no";"yes";"no";"yes";1;3;2;2;3;1;24;"9";"8";9
"GP";"M";16;"U";"GT3";"T";4;4;"services";"services";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;3;5;0;"15";"13";13
"GP";"M";16;"U";"LE3";"T";2;2;"services";"services";"reputation";"father";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";2;3;3;2;2;2;4;"12";"11";11
"GP";"F";15;"U";"GT3";"T";4;4;"teacher";"services";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;2;1;1;5;2;"13";"13";13
"GP";"F";16;"U";"LE3";"T";1;1;"at_home";"at_home";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;4;4;3;3;1;4;"10";"11";11
"GP";"M";17;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;5;1;2;5;22;"9";"7";6
"GP";"F";15;"U";"GT3";"T";1;1;"other";"services";"course";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;2;1;2;5;0;"12";"12";12
"GP";"F";15;"U";"LE3";"A";2;1;"at_home";"other";"home";"mother";2;1;0;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";4;4;2;1;1;5;0;"11";"10";10
"GP";"F";15;"U";"GT3";"T";3;2;"health";"services";"home";"father";1;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;3;2;1;1;3;2;"11";"11";11
"GP";"F";15;"U";"GT3";"T";1;2;"at_home";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";4;3;2;1;1;5;6;"13";"12";13
"GP";"F";15;"U";"GT3";"T";1;2;"at_home";"services";"course";"father";1;2;0;"no";"no";"no";"no";"no";"yes";"no";"yes";2;3;4;2;4;1;6;"11";"11";11
"GP";"M";16;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";3;3;2;2;1;5;16;"9";"9";8
"GP";"M";15;"U";"LE3";"A";2;1;"services";"other";"course";"mother";4;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;5;5;2;5;5;0;"12";"11";11
"GP";"M";18;"U";"LE3";"T";1;1;"other";"other";"course";"mother";1;1;2;"no";"no";"no";"no";"yes";"no";"yes";"yes";2;3;5;2;5;4;0;"11";"9";0
"GP";"M";16;"U";"LE3";"T";2;1;"at_home";"other";"course";"mother";1;1;1;"no";"no";"no";"yes";"yes";"yes";"no";"yes";4;4;4;3;5;5;6;"9";"10";10
"GP";"F";15;"R";"GT3";"T";3;3;"services";"services";"reputation";"other";2;3;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";4;2;1;2;3;3;2;"13";"13";13
"GP";"M";19;"U";"GT3";"T";3;2;"services";"at_home";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";4;5;4;1;1;4;6;"11";"9";11
"GP";"F";17;"U";"GT3";"T";4;4;"other";"teacher";"course";"mother";1;1;0;"yes";"yes";"no";"no";"yes";"yes";"no";"yes";4;2;1;1;1;4;0;"13";"13";13
"GP";"M";15;"R";"GT3";"T";2;3;"at_home";"services";"course";"mother";1;2;0;"yes";"no";"yes";"yes";"yes";"yes";"no";"no";4;4;4;1;1;1;0;"7";"8";8
"GP";"M";17;"R";"LE3";"T";1;2;"other";"other";"reputation";"mother";1;1;3;"no";"no";"no";"no";"yes";"yes";"no";"no";2;2;2;3;3;5;14;"9";"8";10
"GP";"F";18;"R";"GT3";"T";1;1;"at_home";"other";"course";"mother";3;1;3;"no";"yes";"no";"yes";"no";"yes";"no";"no";5;2;5;1;5;4;6;"11";"10";11
"GP";"M";16;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";3;1;0;"no";"no";"no";"no";"no";"yes";"no";"no";4;2;2;1;2;3;4;"12";"10";11
"GP";"M";16;"U";"GT3";"T";3;3;"other";"services";"course";"father";1;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;5;5;4;4;5;0;"10";"10";1
"GP";"M";16;"U";"LE3";"T";1;2;"health";"services";"course";"mother";2;1;2;"no";"no";"no";"no";"no";"yes";"yes";"no";4;4;5;3;5;5;0;"9";"8";10
"GP";"M";17;"R";"LE3";"T";2;1;"at_home";"other";"course";"mother";2;1;1;"no";"no";"yes";"yes";"yes";"no";"yes";"yes";3;3;2;2;2;5;8;"8";"8";9
"GP";"M";17;"R";"GT3";"T";3;2;"other";"other";"course";"mother";2;2;2;"yes";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;4;1;4;3;4;"7";"6";8
"GP";"M";15;"U";"LE3";"T";1;2;"other";"other";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";4;4;4;2;4;5;2;"8";"9";10
"GP";"M";16;"U";"GT3";"T";1;3;"at_home";"services";"course";"father";1;1;1;"no";"no";"no";"no";"yes";"no";"yes";"no";5;3;3;1;4;2;2;"9";"8";8
"GP";"M";17;"R";"LE3";"T";1;1;"other";"services";"course";"mother";4;2;0;"no";"no";"no";"yes";"yes";"no";"no";"yes";5;3;5;1;5;5;0;"8";"8";8
"GP";"M";17;"U";"GT3";"T";3;2;"services";"services";"course";"mother";2;1;3;"no";"yes";"no";"yes";"no";"no";"no";"no";4;5;2;1;1;2;10;"8";"7";8
"GP";"M";16;"U";"GT3";"T";2;2;"other";"other";"course";"father";1;2;0;"no";"no";"no";"no";"yes";"no";"yes";"no";4;3;5;2;4;4;0;"9";"10";11
"GP";"F";16;"U";"GT3";"T";4;2;"health";"services";"home";"father";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;2;3;1;1;3;0;"17";"17";18
"GP";"F";16;"U";"GT3";"T";2;2;"other";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;1;5;1;1;4;0;"12";"12";13
"GP";"F";16;"U";"GT3";"T";4;4;"health";"health";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;2;1;1;3;0;"16";"16";17
"GP";"M";16;"U";"GT3";"T";3;4;"other";"other";"course";"father";3;1;1;"no";"yes";"no";"yes";"no";"yes";"yes";"no";3;4;5;2;4;2;4;"9";"9";10
"GP";"M";16;"U";"GT3";"T";1;0;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;2;1;1;3;0;"16";"17";18
"GP";"M";17;"U";"LE3";"T";4;4;"teacher";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;4;4;1;3;5;0;"11";"9";10
"GP";"F";16;"U";"GT3";"T";1;3;"at_home";"services";"home";"mother";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;3;5;1;1;3;0;"14";"13";13
"GP";"F";16;"U";"LE3";"T";3;3;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;4;5;1;1;4;0;"14";"14";15
"GP";"M";17;"U";"LE3";"T";4;3;"teacher";"other";"course";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;4;4;4;4;4;0;"10";"11";11
"GP";"F";16;"U";"GT3";"T";2;2;"services";"other";"reputation";"mother";2;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";3;4;4;1;4;5;0;"13";"12";14
"GP";"M";17;"U";"GT3";"T";3;3;"other";"other";"reputation";"father";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;3;4;1;4;4;4;"11";"9";10
"GP";"M";16;"R";"GT3";"T";4;2;"teacher";"services";"other";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;3;4;3;8;"10";"9";11
"GP";"M";17;"U";"GT3";"T";4;3;"other";"other";"course";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";5;2;3;1;1;2;4;"11";"11";13
"GP";"M";16;"U";"GT3";"T";4;3;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";3;4;3;2;3;3;4;"11";"10";11
"GP";"M";16;"U";"GT3";"T";3;3;"services";"other";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;2;3;1;2;3;0;"11";"12";13
"GP";"F";17;"U";"GT3";"T";2;4;"services";"services";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;4;2;2;3;5;0;"17";"18";17
"GP";"F";17;"U";"LE3";"T";3;3;"other";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;2;3;1;32;"14";"13";14
"GP";"F";16;"U";"GT3";"T";3;2;"other";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";1;2;2;1;2;1;8;"14";"15";16
"GP";"M";17;"U";"GT3";"T";3;3;"services";"services";"other";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;4;2;3;4;6;"11";"13";14
"GP";"M";16;"U";"GT3";"T";1;2;"services";"services";"other";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";3;3;3;1;2;3;0;"10";"9";11
"GP";"M";16;"U";"LE3";"T";2;1;"other";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;2;3;1;2;5;0;"13";"14";16
"GP";"F";17;"U";"GT3";"A";3;3;"health";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";3;3;3;1;3;3;10;"12";"13";14
"GP";"M";17;"R";"GT3";"T";1;2;"at_home";"other";"home";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"no";"no";3;1;3;1;5;3;6;"9";"9";10
"GP";"F";16;"U";"GT3";"T";2;3;"services";"services";"course";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;2;6;"12";"12";13
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"services";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;3;0;"12";"11";12
"GP";"M";17;"U";"GT3";"T";1;2;"at_home";"services";"other";"other";2;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;4;4;4;5;5;16;"10";"11";12
"GP";"M";16;"R";"GT3";"T";3;3;"services";"services";"reputation";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;2;3;4;5;0;"11";"10";10
"GP";"M";16;"U";"GT3";"T";2;3;"other";"other";"home";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;3;3;1;1;3;0;"13";"12";12
"GP";"F";17;"U";"LE3";"T";2;4;"services";"services";"course";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;2;1;1;5;8;"14";"15";16
"GP";"M";17;"U";"GT3";"T";4;4;"services";"teacher";"home";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;2;3;1;2;5;4;"13";"13";14
"GP";"M";16;"R";"LE3";"T";3;3;"teacher";"other";"home";"father";3;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;3;4;3;5;3;16;"10";"11";12
"GP";"F";17;"U";"GT3";"T";4;4;"services";"teacher";"home";"mother";2;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;4;2;3;2;30;"14";"15";16
"GP";"F";16;"U";"LE3";"T";4;4;"teacher";"teacher";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;5;2;1;2;3;0;"11";"10";11
"GP";"F";16;"U";"GT3";"T";4;3;"health";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;5;1;5;2;2;"14";"14";15
"GP";"F";16;"U";"GT3";"T";2;3;"other";"other";"reputation";"mother";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"no";"no";4;4;3;1;3;4;4;"11";"12";12
"GP";"F";17;"U";"GT3";"T";1;1;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"no";"no";4;4;4;1;3;1;0;"14";"15";15
"GP";"F";17;"R";"GT3";"T";2;2;"other";"other";"reputation";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;3;2;1;2;3;21;"13";"13";13
"GP";"F";16;"R";"GT3";"T";2;2;"services";"services";"reputation";"mother";2;4;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";5;3;5;1;1;5;6;"13";"13";13
"GP";"F";17;"U";"GT3";"T";3;4;"at_home";"services";"home";"mother";1;3;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;4;3;3;4;5;14;"8";"9";8
"GP";"F";16;"U";"GT3";"A";3;1;"services";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";2;3;3;2;2;4;2;"11";"11";12
"GP";"F";16;"U";"GT3";"T";4;3;"teacher";"other";"other";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";1;3;2;1;1;1;4;"14";"15";15
"GP";"F";16;"U";"GT3";"T";1;1;"at_home";"other";"home";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;2;1;4;5;2;"12";"13";13
"GP";"F";17;"R";"GT3";"T";4;3;"teacher";"other";"reputation";"mother";2;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;2;1;1;4;0;"11";"12";12
"GP";"F";19;"U";"GT3";"T";3;3;"other";"other";"reputation";"other";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;2;3;4;"12";"12";12
"GP";"M";17;"U";"LE3";"T";4;4;"services";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;3;5;4;5;3;15;"13";"12";12
"GP";"F";16;"U";"GT3";"A";2;2;"other";"other";"reputation";"mother";1;2;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";3;3;4;1;1;4;0;"13";"13";13
"GP";"M";18;"U";"GT3";"T";2;2;"services";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;4;4;2;4;5;10;"12";"11";11
"GP";"F";17;"R";"LE3";"T";4;4;"services";"other";"other";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";5;2;1;1;2;3;6;"12";"11";11
"GP";"F";17;"U";"LE3";"T";3;2;"other";"other";"reputation";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;3;1;2;"14";"16";15
"GP";"F";17;"U";"GT3";"T";4;3;"other";"other";"reputation";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";3;4;5;2;4;1;16;"11";"9";10
"GP";"M";18;"U";"LE3";"T";3;3;"services";"health";"home";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;2;4;2;4;4;10;"10";"10";10
"GP";"F";17;"U";"GT3";"T";2;3;"at_home";"other";"home";"father";2;1;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";3;3;3;1;4;3;4;"12";"13";13
"GP";"F";17;"U";"GT3";"T";2;2;"at_home";"at_home";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;1;4;0;"12";"12";13
"GP";"F";17;"R";"GT3";"T";2;1;"at_home";"services";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;5;1;2;5;0;"11";"10";11
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"other";"reputation";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";4;3;4;1;1;5;12;"12";"12";12
"GP";"F";16;"U";"GT3";"T";2;3;"services";"teacher";"other";"mother";1;2;0;"yes";"no";"no";"no";"yes";"yes";"yes";"no";2;3;1;1;1;3;0;"13";"13";14
"GP";"M";18;"U";"GT3";"T";2;2;"other";"other";"home";"mother";2;2;3;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";3;3;3;5;5;4;9;"10";"9";10
"GP";"F";16;"U";"GT3";"T";4;4;"teacher";"services";"home";"mother";1;3;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";5;3;2;1;1;5;4;"15";"16";16
"GP";"F";18;"R";"GT3";"T";3;1;"other";"other";"reputation";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;1;1;4;4;"8";"8";8
"GP";"F";17;"U";"GT3";"T";3;2;"other";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;3;4;1;3;3;2;"17";"18";17
"GP";"M";17;"U";"LE3";"T";2;3;"services";"services";"reputation";"father";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;3;3;1;3;3;0;"10";"11";11
"GP";"M";18;"U";"LE3";"T";2;1;"at_home";"other";"course";"mother";4;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;2;4;5;3;2;"9";"10";11
"GP";"F";17;"U";"GT3";"A";2;1;"other";"other";"course";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;2;3;1;2;3;0;"15";"15";16
"GP";"F";17;"U";"LE3";"T";4;3;"health";"other";"reputation";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;2;3;1;2;3;0;"14";"12";12
"GP";"M";17;"R";"GT3";"T";2;2;"other";"other";"course";"father";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;5;2;1;1;1;0;"12";"13";13
"GP";"M";17;"U";"GT3";"T";4;4;"teacher";"teacher";"reputation";"mother";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;5;5;1;3;2;0;"13";"13";13
"GP";"M";16;"U";"GT3";"T";4;4;"health";"other";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;4;2;4;1;0;"13";"13";14
"GP";"M";16;"U";"LE3";"T";1;1;"other";"other";"home";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;4;2;1;1;5;2;"9";"9";9
"GP";"M";16;"U";"GT3";"T";3;2;"at_home";"other";"reputation";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;1;3;2;0;"12";"12";12
"GP";"M";17;"U";"LE3";"T";2;2;"other";"other";"home";"father";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;4;2;5;5;4;0;"16";"16";16
"GP";"F";16;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;5;2;1;1;5;4;"9";"10";10
"GP";"F";16;"U";"GT3";"A";4;1;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;1;2;5;0;"14";"13";13
"GP";"F";18;"U";"LE3";"A";2;4;"services";"other";"course";"mother";2;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;18;"10";"10";10
"GP";"F";18;"U";"LE3";"T";2;2;"at_home";"services";"course";"mother";1;2;1;"no";"yes";"no";"no";"no";"yes";"yes";"yes";5;3;1;1;1;5;16;"9";"8";10
"GP";"F";18;"U";"GT3";"T";3;3;"other";"other";"course";"mother";2;1;1;"no";"no";"no";"no";"yes";"no";"yes";"no";4;1;1;1;1;3;14;"8";"7";7
"GP";"M";18;"U";"GT3";"T";2;2;"other";"at_home";"course";"other";1;1;1;"no";"yes";"no";"yes";"no";"no";"yes";"yes";4;4;3;2;2;1;26;"7";"8";8
"GP";"M";17;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";4;2;1;1;2;5;6;"10";"8";9
"GP";"F";17;"U";"GT3";"T";3;2;"other";"other";"course";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";5;4;2;1;1;3;4;"14";"14";15
"GP";"F";17;"U";"LE3";"T";1;1;"at_home";"at_home";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;2;1;2;4;10;"11";"10";10
"GP";"F";16;"U";"GT3";"T";1;2;"other";"other";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"no";"yes";"no";5;3;5;1;2;5;4;"12";"11";11
"GP";"F";17;"R";"GT3";"T";2;1;"at_home";"services";"course";"mother";3;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";2;1;1;1;1;3;2;"13";"13";13
"GP";"F";17;"R";"LE3";"A";1;4;"other";"other";"course";"other";4;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;5;4;1;1;5;14;"9";"9";8
"GP";"M";18;"U";"GT3";"T";2;2;"other";"services";"reputation";"father";1;2;0;"no";"no";"no";"no";"yes";"no";"yes";"no";5;5;4;3;5;2;16;"8";"7";8
"GP";"F";17;"U";"LE3";"A";2;2;"other";"other";"home";"mother";1;1;1;"no";"yes";"no";"no";"no";"no";"yes";"no";3;1;2;1;1;1;8;"11";"9";10
"GP";"F";17;"R";"LE3";"T";1;1;"at_home";"other";"course";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;3;5;4;"15";"14";15
"GP";"F";17;"U";"LE3";"A";4;2;"teacher";"other";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";4;3;2;1;1;4;4;"15";"14";14
"GP";"M";17;"U";"LE3";"T";4;3;"health";"other";"course";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";2;5;5;1;4;5;8;"15";"15";15
"GP";"M";17;"R";"LE3";"A";4;4;"teacher";"other";"course";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;3;3;2;3;4;0;"12";"12";12
"GP";"M";16;"U";"LE3";"T";4;3;"teacher";"other";"course";"mother";1;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;4;5;1;1;3;7;"14";"14";15
"GP";"M";16;"U";"GT3";"T";4;4;"services";"services";"course";"mother";1;1;0;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";5;3;2;1;2;5;4;"14";"15";15
"GP";"F";17;"U";"GT3";"T";4;4;"teacher";"services";"course";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";5;3;1;1;4;5;2;"11";"11";12
"GP";"M";17;"R";"GT3";"T";1;1;"other";"other";"home";"father";2;3;0;"no";"no";"no";"no";"no";"yes";"yes";"yes";4;3;3;1;1;1;2;"13";"14";15
"GP";"F";17;"U";"GT3";"T";3;3;"services";"other";"home";"mother";2;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;2;2;2;3;5;10;"11";"11";11
"GP";"F";17;"U";"GT3";"T";1;1;"at_home";"other";"course";"mother";1;2;0;"yes";"no";"no";"no";"no";"yes";"no";"yes";4;3;2;1;1;4;10;"10";"9";10
"GP";"F";18;"U";"GT3";"T";2;1;"other";"other";"course";"other";2;3;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";4;4;4;1;1;3;10;"12";"10";11
"GP";"M";16;"U";"GT3";"T";2;1;"other";"other";"course";"mother";3;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;4;7;"15";"16";16
"GP";"F";17;"U";"GT3";"T";1;1;"other";"services";"course";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;4;1;2;5;4;"11";"10";11
"GP";"M";17;"U";"GT3";"T";2;3;"other";"other";"course";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;2;2;1;1;2;2;"9";"12";13
"GP";"M";22;"U";"GT3";"T";3;1;"services";"services";"other";"mother";1;1;3;"no";"no";"no";"no";"no";"no";"yes";"yes";5;4;5;5;5;1;12;"7";"8";5
"GP";"M";18;"R";"LE3";"T";3;3;"other";"services";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;3;1;3;5;8;"10";"9";10
"GP";"M";16;"U";"GT3";"T";0;2;"other";"other";"other";"mother";1;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;3;2;2;4;5;0;"11";"12";11
"GP";"M";18;"U";"GT3";"T";3;2;"services";"other";"course";"mother";2;1;0;"no";"no";"no";"no";"yes";"no";"yes";"no";4;4;5;2;4;5;8;"7";"8";7
"GP";"M";16;"U";"GT3";"T";3;3;"at_home";"other";"reputation";"other";3;2;1;"yes";"yes";"no";"no";"no";"yes";"yes";"no";5;3;3;1;3;2;4;"9";"11";10
"GP";"M";18;"U";"GT3";"T";2;1;"services";"services";"other";"mother";1;1;2;"no";"no";"no";"no";"no";"no";"yes";"no";3;2;5;2;5;5;4;"7";"8";6
"GP";"M";16;"R";"GT3";"T";2;1;"other";"other";"course";"mother";2;1;0;"no";"no";"no";"yes";"no";"yes";"no";"no";3;3;2;1;3;3;2;"14";"13";12
"GP";"M";17;"R";"GT3";"T";2;1;"other";"other";"course";"mother";1;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;4;2;2;4;5;0;"12";"12";13
"GP";"M";17;"U";"LE3";"T";1;1;"health";"other";"course";"mother";2;1;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;4;4;1;2;5;0;"9";"10";10
"GP";"F";18;"U";"LE3";"A";2;1;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";4;3;4;1;3;5;2;"12";"12";13
"GP";"F";17;"U";"LE3";"T";4;2;"teacher";"services";"reputation";"mother";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;3;1;1;4;2;"14";"15";17
"GP";"F";19;"U";"GT3";"T";2;2;"services";"services";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;5;0;"10";"10";11
"GP";"M";18;"U";"LE3";"T";2;1;"services";"other";"course";"mother";3;2;1;"no";"no";"no";"yes";"no";"no";"yes";"no";4;4;5;4;4;5;4;"11";"10";11
"GP";"F";17;"R";"GT3";"T";4;2;"other";"other";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;4;1;3;5;2;"11";"12";14
"GP";"F";18;"U";"LE3";"T";1;1;"other";"at_home";"home";"mother";1;3;0;"no";"yes";"no";"no";"no";"yes";"no";"no";4;4;3;2;3;3;4;"11";"12";14
"GP";"F";18;"R";"GT3";"T";2;2;"other";"other";"home";"mother";1;2;0;"yes";"no";"no";"no";"yes";"yes";"no";"no";3;2;3;1;1;5;4;"11";"11";13
"GP";"M";19;"U";"LE3";"A";4;3;"services";"at_home";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;1;1;1;1;4;"11";"13";14
"GP";"M";18;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;2;4;1;2;4;2;"16";"16";16
"GP";"M";17;"R";"GT3";"T";2;2;"other";"services";"other";"mother";2;1;0;"no";"no";"no";"no";"no";"no";"no";"no";5;2;2;1;1;4;0;"9";"10";10
"GP";"F";17;"U";"LE3";"T";2;2;"services";"services";"course";"father";1;4;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;4;1;1;1;2;2;"10";"11";12
"GP";"F";20;"R";"GT3";"T";2;1;"other";"other";"course";"other";2;2;0;"no";"yes";"yes";"yes";"yes";"no";"yes";"yes";1;2;3;1;2;2;8;"10";"12";12
"GP";"F";18;"U";"GT3";"T";4;3;"services";"other";"home";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";3;1;2;1;3;2;2;"15";"15";15
"GP";"M";18;"U";"GT3";"T";4;3;"teacher";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";4;3;2;1;1;3;2;"10";"10";11
"GP";"M";18;"R";"GT3";"T";3;2;"other";"other";"course";"mother";1;3;0;"no";"no";"no";"yes";"no";"yes";"no";"no";5;3;2;1;1;3;2;"10";"11";12
"GP";"F";17;"U";"GT3";"T";3;3;"other";"other";"home";"mother";1;3;0;"no";"no";"no";"yes";"no";"yes";"no";"no";3;2;3;1;1;4;2;"15";"12";13
"GP";"F";18;"U";"GT3";"T";2;2;"at_home";"services";"home";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;1;1;3;0;"11";"12";13
"GP";"M";17;"U";"GT3";"T";2;2;"other";"other";"home";"father";2;1;0;"no";"no";"no";"no";"yes";"no";"yes";"no";4;4;4;2;3;4;8;"8";"8";9
"GP";"M";18;"R";"LE3";"A";3;4;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;5;3;4;1;6;"15";"16";16
"GP";"M";17;"U";"GT3";"T";3;1;"services";"other";"other";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;4;4;3;4;5;0;"11";"11";14
"GP";"F";18;"R";"GT3";"T";4;4;"teacher";"other";"reputation";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;4;2;2;4;8;"10";"11";12
"GP";"M";18;"U";"GT3";"T";4;2;"health";"other";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;4;5;1;3;5;4;"10";"12";14
"GP";"F";18;"R";"GT3";"T";2;1;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";4;3;5;1;2;3;12;"8";"9";10
"GP";"F";19;"U";"GT3";"T";3;3;"other";"services";"home";"other";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;5;3;3;5;16;"11";"12";12
"GP";"F";18;"U";"GT3";"T";2;3;"other";"services";"reputation";"father";1;4;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;5;5;1;3;2;10;"16";"16";16
"GP";"F";18;"U";"LE3";"T";1;1;"other";"other";"home";"mother";2;2;0;"no";"yes";"no";"no";"no";"yes";"no";"no";4;4;3;1;1;3;2;"13";"13";13
"GP";"M";17;"R";"GT3";"T";1;2;"at_home";"at_home";"home";"mother";1;2;0;"no";"yes";"no";"yes";"no";"yes";"no";"yes";3;5;2;2;2;1;2;"16";"17";18
"GP";"F";18;"U";"GT3";"T";2;1;"other";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;2;5;1;2;1;8;"14";"14";15
"GP";"F";17;"U";"GT3";"T";2;4;"at_home";"health";"reputation";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;3;1;1;1;6;"15";"16";16
"GP";"F";17;"U";"LE3";"T";2;2;"services";"other";"course";"mother";2;2;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;4;2;3;5;6;"12";"12";12
"GP";"F";18;"R";"GT3";"A";3;2;"other";"services";"home";"mother";2;2;0;"no";"no";"no";"no";"no";"no";"yes";"yes";4;1;1;1;1;5;15;"12";"9";10
"GP";"M";18;"U";"GT3";"T";4;4;"teacher";"services";"home";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;2;4;1;4;3;6;"11";"12";12
"GP";"F";18;"U";"GT3";"T";4;4;"health";"health";"reputation";"father";1;2;1;"yes";"yes";"no";"yes";"yes";"yes";"yes";"yes";2;4;4;1;1;4;2;"14";"12";13
"GP";"F";17;"U";"GT3";"T";2;2;"other";"services";"reputation";"father";3;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;2;3;1;1;1;8;"13";"15";15
"GP";"F";19;"R";"GT3";"T";3;2;"services";"services";"reputation";"father";1;2;1;"yes";"yes";"no";"no";"yes";"no";"yes";"no";3;3;3;4;3;3;0;"9";"8";10
"GP";"M";18;"U";"LE3";"T";4;3;"teacher";"services";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;2;3;1;2;1;0;"10";"10";10
"GP";"M";18;"U";"GT3";"T";1;2;"at_home";"other";"home";"other";2;1;0;"no";"no";"no";"no";"no";"no";"yes";"no";3;4;4;2;4;4;10;"10";"10";11
"GP";"M";17;"U";"LE3";"A";4;1;"services";"other";"home";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;5;4;2;4;5;22;"11";"11";10
"GP";"M";17;"U";"LE3";"A";3;2;"teacher";"services";"home";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;4;3;4;3;18;"13";"13";13
"GP";"F";18;"R";"LE3";"T";1;1;"at_home";"other";"reputation";"mother";2;4;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;2;2;1;1;3;2;"17";"17";18
"GP";"F";18;"U";"GT3";"T";1;1;"other";"other";"home";"mother";2;2;0;"yes";"no";"no";"yes";"yes";"yes";"yes";"no";5;4;4;1;1;4;0;"12";"13";13
"GP";"F";17;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";5;4;5;1;2;5;12;"12";"12";14
"GP";"F";18;"U";"GT3";"T";2;1;"other";"other";"reputation";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;1;1;1;5;10;"12";"13";14
"GP";"M";17;"U";"GT3";"T";1;1;"other";"other";"reputation";"father";1;2;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;3;3;1;2;4;0;"12";"12";12
"GP";"F";18;"U";"GT3";"T";2;2;"at_home";"at_home";"other";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;2;2;0;"18";"18";18
"GP";"F";17;"U";"GT3";"T";1;1;"services";"teacher";"reputation";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;0;"13";"13";14
"GP";"M";18;"U";"GT3";"T";2;1;"services";"services";"reputation";"mother";1;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;2;4;1;3;2;0;"14";"15";15
"GP";"M";18;"U";"LE3";"A";4;4;"teacher";"teacher";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;3;1;1;2;0;"17";"17";17
"GP";"M";18;"U";"GT3";"T";4;2;"teacher";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;2;1;4;5;2;"15";"16";16
"GP";"F";17;"U";"GT3";"T";4;3;"health";"services";"reputation";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;2;1;2;3;0;"17";"18";18
"GP";"F";17;"R";"LE3";"T";3;1;"services";"other";"reputation";"mother";2;4;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";3;1;2;1;1;3;0;"18";"19";19
"GP";"M";18;"R";"LE3";"T";3;2;"services";"other";"reputation";"mother";2;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;2;1;1;4;0;"14";"15";15
"GP";"M";17;"U";"GT3";"T";3;3;"health";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;3;1;3;5;0;"14";"15";15
"GP";"F";19;"U";"GT3";"T";4;4;"health";"other";"reputation";"other";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";2;3;4;2;3;2;2;"14";"13";13
"GP";"F";18;"U";"LE3";"T";4;3;"other";"other";"home";"other";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;5;1;2;2;0;"13";"14";14
"GP";"F";18;"U";"GT3";"T";4;3;"other";"other";"reputation";"father";1;4;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;0;"16";"17";17
"GP";"M";18;"U";"LE3";"T";4;4;"teacher";"teacher";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";1;4;2;2;2;1;0;"18";"18";17
"GP";"F";18;"U";"LE3";"A";4;4;"health";"other";"home";"mother";1;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;2;4;1;1;4;0;"14";"15";15
"GP";"M";17;"U";"LE3";"T";4;4;"other";"teacher";"home";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;1;1;2;2;5;0;"12";"13";13
"GP";"F";17;"R";"GT3";"T";4;4;"services";"services";"reputation";"mother";2;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;1;5;0;"7";"7";8
"GP";"F";17;"U";"GT3";"T";4;2;"other";"other";"reputation";"mother";2;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;1;3;0;"16";"16";16
"GP";"F";17;"U";"GT3";"T";3;2;"health";"health";"reputation";"father";1;4;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";5;2;2;1;2;5;0;"18";"18";18
"GP";"M";19;"R";"LE3";"T";2;1;"at_home";"services";"course";"mother";2;3;1;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;1;1;1;5;0;"9";"10";11
"GP";"M";20;"U";"GT3";"A";3;2;"services";"other";"course";"other";1;1;2;"no";"no";"no";"yes";"yes";"yes";"no";"no";5;5;3;1;1;5;0;"14";"15";15
"GP";"M";19;"R";"GT3";"T";3;3;"other";"services";"reputation";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"yes";4;5;3;1;2;5;0;"10";"10";11
"GP";"F";18;"U";"GT3";"T";1;4;"other";"teacher";"home";"mother";1;2;0;"yes";"yes";"no";"no";"no";"yes";"no";"yes";3;4;4;1;2;5;2;"10";"10";11
"GP";"F";18;"U";"GT3";"T";2;1;"services";"other";"course";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;2;1;2;"12";"12";15
"GP";"F";17;"U";"GT3";"T";2;3;"other";"other";"course";"father";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;2;1;1;1;3;2;"11";"12";14
"GP";"F";17;"R";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;4;4;1;1;5;2;"15";"16";17
"GP";"F";18;"U";"GT3";"T";4;3;"other";"other";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;4;1;1;5;2;"14";"15";17
"GP";"F";18;"U";"LE3";"T";4;3;"health";"services";"course";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";3;2;4;1;4;1;8;"12";"12";15
"GP";"F";17;"R";"GT3";"T";3;4;"at_home";"services";"course";"father";1;3;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";4;3;4;2;5;5;2;"15";"15";17
"GP";"F";18;"U";"GT3";"T";3;3;"at_home";"other";"course";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;1;4;1;1;3;8;"11";"12";14
"GP";"M";19;"U";"GT3";"T";4;2;"health";"other";"course";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;4;4;1;1;1;9;"11";"10";10
"GP";"F";18;"U";"GT3";"T";4;4;"teacher";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;3;3;5;0;"12";"11";13
"GP";"F";18;"U";"GT3";"T";3;4;"other";"other";"course";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;4;4;1;1;1;4;"11";"12";14
"GP";"F";17;"U";"GT3";"T";4;4;"health";"health";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;2;5;2;"14";"15";17
"GP";"F";17;"U";"GT3";"A";4;3;"services";"services";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;2;2;1;2;5;14;"15";"14";17
"GP";"F";17;"U";"LE3";"A";3;3;"services";"other";"home";"mother";1;2;0;"yes";"yes";"no";"no";"yes";"yes";"yes";"no";5;3;3;1;1;5;0;"12";"12";13
"GP";"F";17;"U";"LE3";"T";2;1;"other";"other";"home";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;2;3;2;2;2;2;"11";"12";14
"GP";"M";18;"U";"LE3";"T";4;4;"other";"other";"reputation";"father";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;2;5;3;4;5;2;"8";"9";11
"GP";"F";19;"U";"GT3";"T";1;1;"other";"other";"course";"other";3;3;0;"no";"no";"no";"yes";"yes";"no";"no";"yes";1;5;5;4;3;5;12;"10";"10";11
"GP";"F";19;"U";"LE3";"A";1;1;"other";"other";"course";"other";3;2;2;"no";"yes";"no";"no";"no";"yes";"yes";"yes";5;3;4;1;1;4;2;"8";"8";9
"GP";"F";18;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;5;2;4;5;2;"10";"10";10
"GP";"F";17;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";4;2;2;1;1;3;4;"14";"13";13
"GP";"F";17;"R";"LE3";"T";2;2;"services";"services";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;3;2;2;2;3;0;"11";"11";10
"GP";"F";17;"U";"GT3";"T";3;1;"services";"services";"course";"father";1;3;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";3;4;3;2;3;5;0;"17";"18";17
"GP";"F";17;"U";"LE3";"T";0;2;"at_home";"at_home";"home";"father";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;3;3;2;3;2;0;"14";"14";15
"GP";"F";18;"U";"GT3";"T";1;1;"other";"other";"home";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;5;5;1;2;2;0;"14";"14";14
"GP";"M";18;"U";"GT3";"T";4;4;"other";"other";"course";"mother";1;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;2;3;0;"13";"14";13
"GP";"M";17;"U";"GT3";"T";3;3;"other";"services";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;3;5;3;5;5;0;"17";"18";17
"GP";"M";17;"R";"GT3";"T";2;2;"services";"other";"course";"mother";4;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;5;5;5;4;2;"11";"10";10
"GP";"F";17;"U";"GT3";"T";4;4;"teacher";"services";"course";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;4;1;3;4;0;"13";"12";13
"GP";"F";17;"U";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";2;3;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";4;3;3;1;2;4;4;"15";"14";15
"GP";"F";17;"U";"GT3";"T";3;3;"at_home";"other";"course";"mother";1;1;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;2;5;2;5;5;2;"11";"12";11
"GP";"M";18;"U";"LE3";"T";2;2;"other";"other";"course";"mother";1;4;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;5;5;2;4;5;0;"11";"11";12
"GP";"M";19;"R";"GT3";"T";3;2;"at_home";"services";"home";"other";1;1;0;"no";"yes";"no";"no";"no";"yes";"no";"yes";5;3;4;2;2;5;0;"11";"10";10
"GP";"F";18;"U";"GT3";"T";2;2;"at_home";"other";"course";"mother";4;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"yes";4;2;5;1;1;2;2;"10";"9";10
"GP";"F";17;"R";"GT3";"T";2;4;"at_home";"other";"course";"father";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;3;1;1;5;0;"15";"15";15
"GP";"M";18;"U";"GT3";"T";2;2;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";5;4;2;1;2;5;6;"15";"14";15
"GP";"F";18;"U";"GT3";"T";3;3;"services";"services";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;1;4;8;"10";"11";12
"GP";"F";18;"U";"LE3";"T";2;2;"other";"other";"home";"other";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;3;3;1;1;2;0;"10";"9";12
"GP";"F";18;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";2;4;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";4;4;4;1;1;4;6;"14";"13";14
"GP";"F";17;"U";"GT3";"T";3;4;"services";"other";"course";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;5;1;3;5;8;"11";"13";14
"GP";"F";17;"U";"GT3";"T";3;2;"other";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;2;2;3;2;0;"12";"13";15
"GP";"F";18;"U";"LE3";"T";3;3;"services";"services";"home";"mother";1;4;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;3;3;1;1;1;4;"14";"14";15
"GP";"F";17;"R";"GT3";"A";3;2;"other";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;2;3;2;0;"14";"14";16
"GP";"M";18;"U";"GT3";"T";4;4;"teacher";"services";"home";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;2;2;2;0;"12";"12";13
"GP";"M";18;"U";"LE3";"T";3;4;"services";"other";"home";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;3;1;3;5;6;"16";"16";17
"GP";"F";17;"U";"GT3";"A";2;2;"at_home";"at_home";"home";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";3;3;1;1;2;4;18;"10";"12";14
"GP";"F";18;"U";"GT3";"T";2;3;"at_home";"other";"course";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;2;3;0;"11";"12";14
"GP";"F";18;"U";"GT3";"T";3;2;"other";"services";"other";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;4;3;2;3;1;4;"14";"16";17
"GP";"M";18;"R";"GT3";"T";4;3;"teacher";"services";"course";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;3;2;1;2;4;4;"15";"14";17
"GP";"M";18;"U";"GT3";"T";4;3;"teacher";"other";"course";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;4;5;2;3;5;0;"14";"13";14
"GP";"F";17;"U";"GT3";"T";4;3;"health";"other";"reputation";"mother";1;3;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;3;1;3;4;0;"11";"12";13
"GP";"F";17;"U";"GT3";"T";2;1;"services";"other";"course";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;3;4;2;2;1;10;"12";"15";15
"GP";"F";17;"U";"GT3";"T";2;1;"services";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;5;2;4;4;4;"12";"16";16
"GP";"F";19;"U";"LE3";"A";2;3;"at_home";"other";"home";"other";2;1;1;"no";"no";"no";"no";"yes";"no";"yes";"no";2;2;3;3;4;5;16;"10";"11";11
"GP";"F";17;"U";"GT3";"T";3;1;"other";"at_home";"home";"mother";1;1;1;"no";"yes";"yes";"no";"yes";"yes";"yes";"yes";4;1;2;1;1;3;6;"10";"13";13
"GP";"F";21;"U";"LE3";"T";4;4;"other";"other";"reputation";"other";1;3;2;"no";"no";"yes";"yes";"yes";"yes";"yes";"no";3;3;2;1;1;5;0;"9";"12";12
"GP";"M";18;"U";"LE3";"T";2;2;"services";"services";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"no";"no";"yes";"no";4;4;4;1;3;3;11;"9";"11";12
"GP";"M";18;"U";"LE3";"A";3;4;"other";"other";"reputation";"other";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;3;5;1;4;2;9;"13";"14";15
"GP";"F";17;"U";"GT3";"T";2;2;"services";"services";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;4;1;3;4;0;"13";"17";17
"GP";"M";17;"U";"LE3";"A";4;4;"health";"other";"reputation";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;2;1;2;4;2;"12";"15";15
"GP";"F";18;"U";"LE3";"T";4;2;"teacher";"other";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;2;1;1;3;0;"14";"17";17
"GP";"M";21;"R";"LE3";"T";1;1;"at_home";"other";"course";"other";2;2;2;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";5;3;3;5;2;4;21;"9";"10";10
"GP";"F";20;"R";"GT3";"T";1;1;"other";"other";"reputation";"other";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";3;2;2;1;3;3;8;"11";"15";15
"GP";"F";19;"U";"GT3";"T";4;4;"teacher";"other";"home";"other";1;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";3;2;5;4;4;5;5;"9";"10";11
"GP";"M";17;"U";"LE3";"A";3;2;"other";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;1;2;5;10;"16";"18";18
"GP";"F";18;"U";"GT3";"T";3;2;"at_home";"other";"reputation";"father";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;4;1;2;2;5;"14";"17";17
"GP";"M";18;"R";"GT3";"T";2;3;"other";"services";"reputation";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;1;3;4;5;4;13;"13";"14";14
"GP";"M";19;"U";"GT3";"T";2;1;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;3;4;1;4;4;10;"7";"11";11
"GP";"F";18;"U";"LE3";"A";2;2;"services";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;1;4;1;3;4;10;"14";"17";17
"GP";"F";20;"U";"GT3";"T";1;0;"other";"other";"reputation";"mother";2;1;1;"yes";"no";"no";"no";"yes";"yes";"yes";"yes";5;3;1;1;1;5;5;"8";"10";10
"GP";"F";18;"U";"GT3";"T";3;2;"services";"other";"home";"mother";1;2;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";3;1;2;1;2;1;4;"10";"13";13
"MS";"F";16;"U";"GT3";"T";1;3;"at_home";"other";"other";"father";2;1;0;"no";"yes";"no";"no";"yes";"no";"yes";"yes";4;3;3;1;3;5;11;"10";"11";11
"MS";"F";16;"R";"GT3";"T";2;2;"other";"other";"course";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;4;4;1;1;5;0;"12";"12";12
"MS";"F";15;"R";"GT3";"T";1;1;"at_home";"services";"other";"mother";1;1;1;"no";"yes";"no";"no";"yes";"yes";"no";"yes";4;1;3;1;1;2;6;"10";"10";10
"MS";"F";15;"R";"GT3";"T";3;3;"at_home";"other";"course";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;4;2;3;5;4;"10";"10";11
"MS";"F";16;"R";"GT3";"T";2;3;"at_home";"services";"course";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"no";"no";4;5;2;1;2;5;0;"16";"17";17
"MS";"F";15;"R";"LE3";"T";2;1;"at_home";"other";"home";"mother";2;1;0;"no";"no";"no";"no";"yes";"no";"no";"no";1;3;4;1;1;1;0;"6";"8";9
"MS";"M";16;"R";"LE3";"A";4;4;"at_home";"other";"home";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";5;3;2;1;3;2;5;"10";"11";11
"MS";"M";16;"U";"GT3";"A";1;2;"other";"other";"other";"mother";1;3;0;"yes";"no";"no";"no";"yes";"yes";"yes";"no";4;4;3;1;1;5;0;"10";"11";11
"MS";"F";17;"R";"GT3";"T";3;2;"at_home";"other";"course";"father";1;2;1;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;5;4;1;2;5;0;"10";"10";10
"MS";"F";17;"R";"GT3";"T";1;1;"other";"other";"other";"father";1;1;1;"no";"yes";"no";"no";"no";"no";"yes";"no";5;4;4;2;2;5;0;"6";"6";7
"MS";"F";15;"R";"GT3";"T";4;4;"teacher";"other";"course";"mother";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";1;5;1;3;5;5;0;"13";"14";14
"MS";"F";16;"U";"LE3";"A";2;2;"at_home";"other";"reputation";"mother";2;4;0;"no";"no";"no";"yes";"no";"no";"no";"yes";1;2;1;1;1;1;4;"10";"9";11
"MS";"F";15;"R";"LE3";"T";1;1;"at_home";"services";"reputation";"father";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;3;1;2;4;0;"10";"10";10
"MS";"F";15;"R";"LE3";"T";1;1;"other";"services";"course";"mother";2;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;4;3;1;2;2;4;"6";"7";8
"MS";"F";16;"R";"GT3";"T";0;2;"other";"other";"other";"mother";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";3;2;3;1;2;2;0;"12";"11";12
"MS";"F";17;"R";"GT3";"T";2;3;"other";"other";"course";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;5;5;1;3;3;2;"10";"11";12
"MS";"F";15;"R";"GT3";"T";3;3;"other";"services";"course";"father";2;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;1;3;1;1;4;0;"14";"16";16
"MS";"M";16;"U";"GT3";"T";1;1;"at_home";"services";"home";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";5;4;5;4;5;3;0;"7";"0";0
"MS";"M";17;"U";"GT3";"T";1;1;"other";"other";"home";"mother";1;2;0;"no";"no";"yes";"no";"no";"yes";"yes";"no";4;4;3;2;4;5;4;"8";"9";9
"MS";"M";15;"R";"LE3";"T";4;1;"health";"services";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;2;2;0;"12";"13";14
"MS";"M";15;"R";"LE3";"T";4;1;"health";"services";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;2;2;7;"7";"9";8
"MS";"M";16;"R";"GT3";"T";3;4;"other";"health";"other";"mother";3;2;0;"no";"no";"no";"no";"no";"yes";"no";"no";3;4;5;1;2;5;4;"9";"10";11
"MS";"M";15;"R";"GT3";"T";1;1;"other";"other";"course";"mother";4;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";5;4;5;2;4;4;8;"7";"9";9
"MS";"M";15;"U";"LE3";"T";3;3;"at_home";"at_home";"reputation";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;5;0;"11";"11";11
"MS";"M";17;"R";"GT3";"T";2;1;"other";"other";"other";"mother";3;1;0;"no";"no";"no";"yes";"yes";"no";"no";"yes";5;5;5;5;5;3;8;"8";"10";9
"MS";"F";16;"R";"GT3";"T";4;4;"teacher";"teacher";"course";"mother";2;3;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;2;2;1;1;4;6;"16";"16";17
"MS";"F";15;"R";"GT3";"T";1;2;"other";"services";"course";"mother";2;1;0;"no";"no";"no";"no";"yes";"yes";"no";"no";5;1;2;1;1;1;3;"11";"13";13
"MS";"F";16;"R";"GT3";"T";2;3;"other";"services";"course";"mother";3;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;5;4;1;2;1;2;"15";"15";15
"MS";"M";16;"R";"GT3";"T";1;2;"other";"other";"course";"father";2;2;0;"no";"no";"no";"no";"yes";"yes";"no";"no";4;3;3;1;1;5;0;"10";"11";11
"MS";"F";16;"R";"GT3";"T";2;2;"other";"other";"course";"mother";3;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;5;1;1;4;4;"9";"10";11
"MS";"F";16;"U";"GT3";"T";1;2;"other";"services";"course";"mother";1;3;1;"no";"yes";"no";"no";"yes";"yes";"no";"no";1;3;2;1;2;4;0;"10";"8";8
"MS";"F";16;"U";"GT3";"T";1;2;"other";"services";"course";"mother";1;3;1;"no";"yes";"no";"no";"yes";"yes";"no";"no";1;3;2;1;2;4;3;"9";"8";8
"MS";"F";15;"U";"GT3";"T";2;1;"at_home";"other";"home";"mother";1;2;0;"yes";"yes";"no";"no";"no";"yes";"yes";"no";4;4;2;3;3;2;0;"9";"10";9
"MS";"F";16;"U";"GT3";"T";1;1;"at_home";"other";"course";"father";1;2;0;"no";"yes";"no";"no";"no";"yes";"no";"yes";5;4;3;2;1;2;0;"13";"14";15
"MS";"M";17;"R";"LE3";"T";1;2;"at_home";"services";"reputation";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;5;5;5;5;3;4;"10";"11";11
"MS";"F";16;"R";"GT3";"T";1;1;"other";"other";"home";"father";4;4;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";4;3;2;1;1;1;0;"13";"10";13
"MS";"F";16;"R";"GT3";"T";1;1;"at_home";"other";"other";"father";4;3;0;"yes";"yes";"no";"no";"yes";"yes";"no";"no";4;4;3;1;1;5;2;"10";"9";10
"MS";"F";15;"R";"GT3";"T";1;1;"at_home";"other";"home";"father";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;1;2;1;"11";"10";11
"MS";"F";16;"R";"GT3";"T";1;1;"at_home";"other";"other";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;2;2;4;3;2;0;"13";"12";14
"MS";"F";15;"R";"GT3";"T";1;1;"at_home";"at_home";"course";"father";3;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;2;1;1;2;2;0;"13";"14";14
"MS";"F";15;"R";"LE3";"T";2;2;"other";"other";"other";"father";1;3;0;"yes";"yes";"no";"no";"yes";"yes";"no";"no";4;4;3;2;2;5;2;"14";"11";12
"MS";"M";16;"R";"GT3";"T";1;1;"at_home";"other";"other";"father";2;1;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";3;4;4;3;4;5;6;"11";"11";11
"MS";"F";18;"U";"GT3";"T";1;2;"other";"other";"course";"father";1;2;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";3;4;4;2;3;5;9;"9";"8";8
"MS";"M";15;"U";"GT3";"T";3;1;"other";"services";"home";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";3;2;3;1;3;4;0;"10";"9";11
"MS";"F";16;"R";"GT3";"T";2;2;"other";"services";"course";"father";3;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;4;1;1;2;1;"14";"13";14
"MS";"M";15;"U";"GT3";"T";2;2;"health";"other";"reputation";"mother";3;1;0;"no";"no";"no";"no";"yes";"yes";"no";"no";4;3;3;1;2;4;1;"13";"12";13
"MS";"M";16;"U";"GT3";"T";4;4;"other";"teacher";"course";"father";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";4;3;1;1;1;3;0;"13";"12";13
"MS";"F";15;"R";"GT3";"T";3;3;"services";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;5;4;1;1;1;4;"13";"12";12
"MS";"F";16;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";2;2;1;"no";"yes";"no";"yes";"no";"yes";"no";"no";4;4;4;2;3;5;2;"12";"11";12
"MS";"F";16;"R";"LE3";"T";2;2;"other";"other";"home";"father";3;1;0;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";4;3;2;1;1;4;0;"14";"14";16
"MS";"M";16;"U";"LE3";"T";2;1;"at_home";"services";"course";"mother";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";2;4;3;2;3;4;4;"10";"8";10
"MS";"M";15;"R";"LE3";"T";1;3;"at_home";"other";"reputation";"father";3;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;2;4;3;5;3;2;"10";"11";11
"MS";"F";15;"U";"GT3";"T";2;2;"other";"services";"course";"mother";2;3;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;3;2;1;1;4;0;"12";"13";14
"MS";"F";16;"R";"LE3";"T";2;1;"other";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;4;3;1;1;5;2;"10";"8";8
"MS";"M";15;"U";"GT3";"T";3;3;"services";"services";"course";"father";2;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";4;3;3;2;4;3;11;"12";"10";11
"MS";"F";16;"R";"GT3";"T";1;1;"at_home";"other";"course";"father";2;2;3;"yes";"yes";"no";"no";"yes";"yes";"no";"no";3;4;3;1;1;1;0;"7";"7";8
"MS";"F";17;"U";"GT3";"T";2;2;"other";"at_home";"course";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"no";"no";"no";4;5;3;1;1;5;4;"9";"9";10
"MS";"F";19;"U";"GT3";"T";2;3;"at_home";"services";"course";"other";1;1;1;"no";"no";"no";"no";"yes";"no";"yes";"yes";4;4;4;1;1;2;0;"9";"9";10
"MS";"F";17;"R";"GT3";"T";2;1;"at_home";"other";"course";"mother";3;1;0;"no";"yes";"no";"yes";"yes";"no";"no";"yes";5;5;3;1;1;3;2;"9";"10";11
"MS";"F";15;"R";"LE3";"T";1;1;"at_home";"other";"course";"mother";2;1;0;"no";"yes";"no";"no";"yes";"no";"no";"yes";5;2;1;1;3;4;0;"9";"10";9
"MS";"F";16;"R";"GT3";"T";2;2;"other";"other";"course";"father";3;2;0;"no";"yes";"no";"no";"yes";"no";"yes";"no";3;4;5;1;2;1;1;"9";"10";11
"MS";"F";16;"U";"LE3";"A";2;2;"other";"other";"home";"mother";1;1;0;"no";"yes";"no";"no";"yes";"no";"no";"no";4;3;4;1;2;1;6;"7";"7";8
"MS";"F";17;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;5;1;2;4;0;"11";"10";11
"MS";"F";16;"U";"GT3";"T";2;2;"other";"services";"course";"father";1;1;1;"no";"yes";"yes";"yes";"no";"yes";"yes";"no";4;4;3;1;4;3;1;"9";"10";10
"MS";"F";18;"R";"LE3";"A";3;2;"other";"other";"course";"other";2;3;2;"no";"yes";"no";"no";"no";"no";"no";"yes";3;3;2;1;1;2;6;"7";"9";10
"MS";"F";19;"U";"GT3";"T";1;1;"at_home";"services";"course";"mother";1;3;1;"no";"no";"no";"yes";"yes";"no";"no";"yes";5;3;1;1;1;3;6;"7";"9";9
"MS";"M";18;"R";"GT3";"T";1;1;"other";"other";"home";"mother";2;1;1;"no";"no";"no";"yes";"yes";"no";"yes";"no";4;4;3;3;4;4;0;"8";"9";10
"MS";"F";18;"R";"GT3";"T";1;1;"at_home";"at_home";"course";"mother";2;1;1;"no";"no";"no";"no";"no";"no";"yes";"yes";3;2;3;1;1;2;4;"9";"11";10
"MS";"F";19;"U";"GT3";"T";1;1;"other";"other";"course";"other";2;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";1;1;4;4;1;1;12;"7";"8";9
"MS";"F";16;"R";"GT3";"A";2;2;"health";"other";"course";"mother";1;2;0;"no";"no";"no";"no";"no";"yes";"no";"yes";3;3;2;1;1;3;2;"8";"10";10
"MS";"F";17;"U";"GT3";"T";0;1;"other";"at_home";"course";"father";2;1;0;"no";"no";"no";"yes";"no";"yes";"no";"no";2;4;4;3;5;5;5;"9";"9";10
"MS";"F";16;"R";"LE3";"T";1;2;"at_home";"other";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"no";"yes";"no";4;4;5;1;3;3;0;"8";"9";9
"MS";"F";16;"U";"GT3";"T";3;3;"other";"other";"reputation";"mother";1;1;0;"no";"no";"no";"yes";"yes";"no";"yes";"yes";4;5;4;1;1;4;0;"14";"13";13
"MS";"F";16;"R";"LE3";"T";1;1;"services";"services";"home";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;4;2;2;4;2;"14";"14";14
"MS";"M";17;"U";"GT3";"T";3;3;"services";"at_home";"course";"mother";2;4;1;"no";"yes";"yes";"yes";"yes";"yes";"no";"no";5;4;5;3;4;5;0;"10";"11";10
"MS";"F";16;"U";"GT3";"T";2;1;"other";"services";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;3;3;1;1;1;0;"14";"13";14
"MS";"F";16;"U";"GT3";"T";2;2;"services";"other";"course";"mother";1;1;0;"no";"yes";"yes";"yes";"yes";"yes";"no";"yes";4;2;5;1;2;5;0;"17";"16";16
"MS";"M";17;"U";"GT3";"T";1;2;"other";"other";"course";"father";1;1;1;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";5;3;5;5;5;1;12;"6";"7";7
"MS";"M";16;"U";"LE3";"T";4;3;"other";"other";"course";"father";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;2;5;1;5;5;8;"14";"12";13
"MS";"M";17;"R";"LE3";"T";2;2;"services";"services";"other";"mother";3;4;1;"no";"yes";"no";"no";"yes";"yes";"no";"no";1;3;5;3;5;3;2;"10";"8";9
"MS";"F";16;"U";"GT3";"T";1;1;"other";"other";"course";"other";1;4;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";2;2;1;1;1;5;0;"14";"14";14
"MS";"F";19;"U";"LE3";"T";2;2;"other";"other";"home";"mother";1;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;4;5;1;1;1;0;"12";"13";13
"MS";"F";17;"R";"GT3";"T";1;1;"at_home";"other";"reputation";"mother";2;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;4;5;1;2;5;0;"11";"11";11
"MS";"F";20;"U";"GT3";"T";3;3;"at_home";"services";"other";"mother";2;2;1;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;3;4;2;4;3;8;"11";"9";10
"MS";"F";17;"U";"LE3";"T";1;1;"other";"services";"course";"father";1;3;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";4;3;3;1;1;3;0;"11";"11";10
"MS";"M";17;"R";"GT3";"T";2;2;"other";"other";"course";"mother";3;1;1;"no";"yes";"no";"no";"no";"yes";"yes";"no";4;4;5;1;2;5;0;"10";"9";9
"MS";"F";16;"R";"LE3";"T";1;1;"at_home";"other";"course";"father";3;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";5;3;2;1;1;1;0;"16";"17";18
"MS";"F";17;"R";"GT3";"T";2;2;"other";"other";"reputation";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;3;2;1;1;1;0;"15";"17";17
"MS";"F";17;"U";"GT3";"A";1;0;"other";"other";"other";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;4;5;1;1;4;1;"11";"9";10
"MS";"F";18;"R";"GT3";"T";1;1;"at_home";"other";"other";"mother";1;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;2;1;1;5;9;"7";"7";7
"MS";"F";16;"U";"GT3";"T";3;1;"other";"other";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;1;3;1;3;1;0;"8";"6";8
"MS";"F";16;"U";"GT3";"T";3;2;"services";"at_home";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";3;1;3;1;4;3;2;"7";"6";7
"MS";"F";18;"U";"LE3";"T";1;1;"other";"at_home";"reputation";"mother";2;2;0;"yes";"no";"no";"no";"yes";"yes";"no";"no";2;3;5;1;4;3;8;"9";"8";10
"MS";"F";16;"R";"GT3";"T";4;4;"health";"teacher";"reputation";"father";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;3;3;2;3;2;0;"14";"16";16
"MS";"F";16;"R";"LE3";"T";1;2;"other";"other";"reputation";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;4;5;1;4;2;0;"14";"14";15
"MS";"F";18;"U";"GT3";"A";2;4;"other";"services";"reputation";"father";1;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";2;3;2;1;3;1;8;"8";"5";8
"MS";"M";16;"R";"GT3";"T";2;1;"other";"services";"reputation";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;2;1;1;1;2;0;"8";"7";0
"MS";"F";16;"U";"LE3";"T";1;1;"at_home";"other";"other";"mother";3;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;2;1;3;5;6;"6";"8";8
"MS";"F";16;"R";"GT3";"T";2;3;"at_home";"services";"other";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";3;3;3;1;1;2;0;"8";"10";10
"MS";"F";16;"U";"GT3";"T";4;4;"health";"health";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;4;1;2;3;4;"8";"8";8
"MS";"M";18;"U";"LE3";"T";4;4;"at_home";"health";"home";"mother";1;4;0;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";5;5;5;5;5;5;2;"5";"6";6
"MS";"F";16;"R";"LE3";"T";3;4;"at_home";"other";"other";"mother";3;2;0;"no";"yes";"no";"no";"no";"yes";"no";"no";4;2;1;1;1;2;2;"7";"9";8
"MS";"M";17;"U";"LE3";"T";4;4;"other";"services";"home";"mother";1;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;3;1;2;5;0;"15";"14";16
"MS";"F";17;"R";"GT3";"T";4;1;"other";"other";"other";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;2;3;1;2;5;1;"13";"14";14
"MS";"M";16;"U";"LE3";"T";2;2;"services";"services";"other";"mother";4;3;0;"no";"no";"no";"no";"yes";"yes";"no";"no";5;1;3;2;2;3;0;"10";"9";10
"MS";"F";17;"R";"GT3";"T";2;2;"at_home";"other";"other";"mother";1;1;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";5;1;3;1;2;5;5;"9";"9";9
"MS";"F";16;"U";"LE3";"T";4;4;"services";"services";"other";"father";2;1;0;"no";"yes";"no";"no";"yes";"yes";"no";"no";5;1;3;1;2;5;1;"11";"11";11
"MS";"M";17;"U";"GT3";"T";3;3;"services";"services";"home";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";4;1;4;5;5;3;8;"7";"10";9
"MS";"M";17;"U";"GT3";"T";1;1;"at_home";"services";"other";"mother";3;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;1;3;3;3;1;0;"10";"10";10
"MS";"M";16;"U";"GT3";"T";2;1;"health";"services";"other";"mother";2;2;0;"no";"no";"no";"no";"no";"yes";"yes";"yes";4;2;2;1;4;5;2;"9";"7";8
"MS";"F";16;"U";"LE3";"T";2;1;"other";"services";"other";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";3;2;2;1;1;3;0;"14";"15";16
"MS";"M";16;"U";"LE3";"T";4;4;"teacher";"health";"other";"father";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;1;2;2;5;5;0;"11";"12";12
"MS";"M";15;"R";"GT3";"T";1;2;"other";"services";"course";"mother";3;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;5;5;1;3;5;11;"9";"11";10
"MS";"M";15;"U";"LE3";"A";2;2;"other";"other";"reputation";"mother";3;4;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";5;4;5;2;3;5;8;"13";"14";14
"MS";"M";15;"U";"LE3";"A";2;1;"services";"services";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;3;3;1;2;5;11;"12";"13";12
"MS";"F";16;"R";"LE3";"T";2;2;"other";"other";"course";"mother";1;3;0;"no";"yes";"no";"no";"no";"yes";"no";"yes";4;3;3;2;2;5;2;"11";"11";11
"MS";"F";16;"U";"LE3";"T";4;1;"other";"other";"home";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";1;2;4;2;2;1;8;"9";"10";10
"MS";"F";17;"U";"GT3";"T";3;2;"at_home";"other";"home";"mother";2;1;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;3;3;2;2;1;5;"9";"11";11
"MS";"F";17;"R";"GT3";"T";2;2;"other";"other";"other";"mother";2;2;0;"yes";"no";"yes";"no";"yes";"yes";"no";"no";5;1;3;1;1;5;0;"11";"9";11
"MS";"F";16;"U";"GT3";"T";4;4;"teacher";"services";"course";"mother";2;3;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;3;5;1;4;5;1;"10";"11";12
"MS";"M";17;"R";"GT3";"T";4;4;"health";"other";"course";"father";3;1;3;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";3;3;3;1;3;5;2;"9";"9";8
"MS";"M";17;"R";"LE3";"T";1;3;"other";"other";"course";"father";2;1;0;"no";"no";"no";"yes";"yes";"yes";"no";"yes";5;1;2;3;3;5;2;"12";"11";12
"MS";"M";17;"U";"GT3";"T";3;4;"services";"other";"other";"mother";1;2;1;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";5;4;4;3;4;5;8;"8";"9";8
"MS";"F";17;"U";"GT3";"T";4;4;"health";"health";"course";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;2;5;1;1;5;0;"13";"15";16
"MS";"M";16;"R";"LE3";"T";4;1;"other";"at_home";"other";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;1;2;2;1;2;0;"10";"11";11
"MS";"F";17;"U";"GT3";"A";1;1;"at_home";"at_home";"other";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";4;5;5;1;2;3;2;"11";"10";11
"MS";"F";17;"R";"GT3";"T";4;2;"other";"other";"course";"mother";2;2;0;"yes";"yes";"no";"no";"no";"yes";"yes";"no";4;3;3;2;3;5;0;"17";"18";18
"MS";"M";16;"U";"LE3";"A";2;2;"other";"services";"course";"father";2;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";4;1;2;2;2;5;0;"12";"13";13
"MS";"M";17;"U";"GT3";"T";3;2;"other";"other";"other";"father";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"yes";"no";4;1;2;2;2;1;0;"13";"14";13
"MS";"M";19;"U";"GT3";"T";1;1;"other";"other";"other";"mother";1;2;2;"no";"yes";"no";"yes";"yes";"no";"yes";"no";4;4;3;3;4;4;2;"9";"9";10
"MS";"M";17;"U";"LE3";"A";1;0;"other";"other";"home";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;1;2;1;1;5;4;"11";"11";12
"MS";"F";17;"R";"GT3";"T";1;1;"at_home";"at_home";"course";"father";2;1;0;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";3;5;5;2;2;4;3;"10";"11";10
"MS";"F";16;"R";"GT3";"T";1;2;"other";"other";"home";"father";1;3;0;"yes";"yes";"no";"no";"no";"yes";"yes";"yes";4;3;4;1;1;3;5;"13";"14";13
"MS";"M";16;"R";"LE3";"T";1;2;"other";"at_home";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"yes";"no";"no";4;4;4;2;4;5;4;"9";"10";11
"MS";"F";17;"R";"GT3";"T";3;1;"other";"other";"course";"mother";2;2;3;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";5;4;4;1;1;5;2;"7";"9";10
"MS";"M";17;"R";"GT3";"T";2;2;"other";"other";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"no";"no";"yes";5;5;5;3;5;5;0;"8";"13";10
"MS";"M";18;"R";"GT3";"T";1;0;"at_home";"at_home";"course";"other";3;1;1;"yes";"yes";"no";"no";"yes";"yes";"no";"no";4;3;2;1;1;4;0;"12";"12";13
"MS";"M";17;"R";"GT3";"T";1;1;"other";"services";"course";"mother";2;1;0;"no";"yes";"no";"yes";"no";"yes";"yes";"yes";4;5;5;1;3;2;0;"10";"9";10
"MS";"M";18;"U";"LE3";"T";1;1;"at_home";"at_home";"course";"mother";2;2;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";4;3;3;1;4;5;6;"10";"9";10
"MS";"F";16;"R";"LE3";"T";2;2;"other";"services";"course";"father";1;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"yes";5;4;3;1;1;1;0;"11";"13";12
"MS";"M";17;"U";"GT3";"T";2;2;"other";"other";"course";"mother";1;1;1;"no";"no";"no";"yes";"yes";"yes";"no";"yes";1;2;1;2;3;5;0;"7";"0";0
"MS";"M";16;"R";"GT3";"T";3;2;"services";"other";"course";"father";2;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;5;5;2;3;5;2;"11";"9";10
"MS";"M";16;"R";"LE3";"T";1;1;"at_home";"other";"course";"mother";2;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;5;5;2;4;5;0;"10";"10";9
"MS";"M";18;"R";"GT3";"T";1;1;"services";"other";"course";"other";2;1;1;"no";"yes";"no";"no";"yes";"no";"yes";"yes";5;3;3;2;3;5;2;"9";"7";9
"MS";"M";18;"R";"GT3";"T";3;2;"services";"other";"course";"mother";1;1;1;"no";"no";"no";"no";"yes";"no";"yes";"no";2;3;1;2;2;5;0;"4";"0";0
"MS";"M";19;"U";"GT3";"T";3;2;"at_home";"services";"course";"mother";2;1;3;"no";"no";"no";"yes";"yes";"yes";"no";"no";3;2;1;1;1;3;4;"6";"11";9
"MS";"M";18;"U";"GT3";"T";3;3;"at_home";"at_home";"course";"mother";1;2;2;"no";"yes";"no";"yes";"yes";"no";"yes";"no";4;4;5;1;3;3;9;"4";"8";8
"MS";"M";16;"R";"GT3";"T";2;2;"services";"services";"course";"mother";2;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";5;4;3;2;4;4;6;"7";"8";8
"MS";"M";19;"U";"GT3";"T";2;1;"at_home";"other";"course";"other";2;1;3;"no";"no";"no";"yes";"no";"no";"yes";"yes";4;4;3;1;3;5;4;"8";"9";9
"MS";"F";16;"U";"GT3";"A";3;2;"services";"at_home";"course";"mother";2;2;2;"no";"yes";"no";"yes";"yes";"yes";"no";"yes";2;5;5;1;1;1;8;"5";"5";7
"MS";"F";17;"U";"GT3";"T";1;1;"other";"at_home";"course";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"no";"no";4;3;2;1;2;5;9;"7";"9";10
"MS";"M";20;"R";"GT3";"T";1;1;"other";"other";"course";"other";2;1;1;"no";"yes";"no";"no";"yes";"no";"yes";"yes";4;4;3;2;4;4;12;"8";"11";10
"MS";"F";18;"R";"GT3";"A";4;3;"services";"services";"course";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";5;4;4;3;4;2;8;"10";"11";10
"MS";"M";18;"R";"GT3";"T";3;2;"other";"other";"course";"mother";2;1;0;"no";"yes";"no";"no";"no";"yes";"yes";"no";2;5;5;5;5;5;8;"9";"10";11
"MS";"M";19;"R";"GT3";"T";1;1;"other";"services";"home";"other";3;2;1;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;4;4;3;3;2;8;"10";"9";11
"MS";"M";17;"U";"GT3";"T";3;3;"health";"other";"course";"mother";2;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;5;4;2;3;3;4;"8";"9";10
"MS";"M";18;"U";"LE3";"T";1;3;"at_home";"services";"course";"mother";1;1;0;"no";"no";"no";"no";"yes";"no";"yes";"yes";4;3;3;2;3;3;0;"9";"10";9
"MS";"M";19;"R";"GT3";"T";1;1;"other";"other";"home";"other";3;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;4;3;3;5;4;"8";"9";10
"MS";"F";18;"U";"GT3";"A";1;2;"at_home";"other";"course";"mother";2;2;2;"no";"yes";"no";"no";"yes";"yes";"no";"no";4;3;3;1;1;5;2;"6";"8";8
"MS";"F";19;"U";"LE3";"A";1;1;"at_home";"other";"course";"mother";1;1;0;"no";"yes";"no";"no";"yes";"no";"no";"no";1;4;4;1;1;5;0;"6";"8";7
"MS";"F";18;"R";"GT3";"T";2;2;"other";"other";"other";"mother";2;1;1;"no";"no";"no";"no";"yes";"no";"yes";"yes";5;5;5;1;1;3;0;"8";"6";0
"MS";"F";17;"R";"GT3";"T";0;0;"at_home";"other";"course";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;3;1;1;5;0;"10";"11";11
"MS";"F";17;"R";"LE3";"A";3;1;"other";"at_home";"course";"other";2;3;0;"no";"yes";"yes";"no";"yes";"no";"no";"no";4;2;3;2;2;3;5;"8";"7";8
"MS";"F";17;"U";"GT3";"T";4;2;"teacher";"services";"home";"mother";1;2;0;"yes";"yes";"no";"yes";"yes";"yes";"yes";"no";5;5;5;1;3;5;0;"8";"8";0
"MS";"F";18;"R";"LE3";"T";2;2;"services";"services";"course";"mother";1;2;1;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";2;3;3;1;2;4;3;"7";"6";8
"MS";"F";17;"U";"GT3";"T";4;1;"health";"at_home";"course";"mother";1;1;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";3;2;2;1;1;5;0;"8";"10";9
"MS";"F";17;"U";"LE3";"T";1;2;"at_home";"other";"course";"father";1;1;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;5;1;1;1;3;0;"7";"10";10
"MS";"F";18;"U";"GT3";"T";1;1;"other";"other";"course";"mother";3;2;2;"no";"no";"no";"yes";"yes";"yes";"no";"yes";3;4;4;2;2;5;3;"7";"8";7
"MS";"F";18;"U";"GT3";"T";2;2;"services";"at_home";"reputation";"father";2;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;3;5;1;1;1;2;"12";"13";14
"MS";"F";17;"U";"GT3";"T";3;3;"services";"services";"course";"mother";2;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;4;3;1;1;4;0;"11";"12";13
"MS";"F";18;"U";"LE3";"A";1;2;"at_home";"other";"reputation";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;4;3;1;2;4;0;"12";"13";14
"MS";"F";18;"U";"GT3";"T";4;4;"teacher";"teacher";"reputation";"mother";2;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";4;3;5;1;2;1;0;"18";"18";18
"MS";"M";18;"U";"LE3";"T";4;4;"services";"other";"reputation";"mother";1;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"no";5;4;5;1;1;5;3;"17";"17";17
"MS";"F";17;"U";"GT3";"T";4;2;"other";"other";"course";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;3;1;2;4;0;"17";"18";18
"MS";"F";18;"R";"GT3";"T";2;2;"at_home";"other";"course";"mother";3;2;1;"no";"no";"no";"yes";"yes";"yes";"no";"yes";4;3;3;1;1;4;0;"9";"0";0
"MS";"M";18;"U";"LE3";"T";1;2;"at_home";"services";"home";"mother";2;1;0;"no";"yes";"no";"no";"no";"yes";"no";"no";4;1;4;5;5;1;8;"10";"11";11
"MS";"M";18;"R";"GT3";"T";4;4;"at_home";"services";"other";"mother";3;1;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"yes";2;5;5;1;1;1;5;"12";"13";14
"MS";"M";17;"R";"GT3";"T";1;1;"other";"services";"other";"father";3;1;0;"no";"no";"no";"no";"no";"no";"no";"no";4;2;3;3;4;4;4;"12";"13";14
"MS";"F";18;"U";"GT3";"T";2;2;"other";"other";"course";"mother";2;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";1;3;1;1;1;2;4;"8";"8";10
"MS";"F";18;"U";"LE3";"T";2;2;"services";"services";"course";"father";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";5;4;5;1;4;3;0;"11";"12";13
"MS";"F";18;"R";"LE3";"A";4;2;"teacher";"other";"reputation";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;1;1;1;5;0;"5";"0";0
"MS";"F";18;"U";"GT3";"T";1;1;"at_home";"services";"course";"mother";3;2;1;"no";"no";"no";"no";"yes";"no";"no";"no";4;4;2;1;2;2;2;"9";"10";10
"MS";"F";19;"U";"GT3";"T";1;1;"at_home";"services";"other";"father";2;1;1;"no";"no";"no";"no";"yes";"no";"no";"no";5;5;5;2;3;2;0;"5";"0";0
"MS";"F";17;"U";"GT3";"T";4;2;"teacher";"other";"course";"father";2;4;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;2;3;3;1;5;0;"18";"18";18
"MS";"F";17;"R";"LE3";"A";2;1;"services";"other";"reputation";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"yes";5;3;3;1;2;2;5;"11";"11";12
"MS";"F";18;"U";"LE3";"A";1;1;"at_home";"services";"course";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";5;2;3;1;2;3;2;"8";"10";11
"MS";"F";18;"U";"GT3";"T";1;2;"at_home";"at_home";"course";"father";2;2;0;"no";"yes";"no";"no";"yes";"no";"no";"no";4;1;1;1;1;4;0;"11";"11";12
"MS";"F";19;"R";"GT3";"A";1;1;"at_home";"at_home";"course";"other";2;2;3;"no";"yes";"no";"yes";"yes";"no";"no";"yes";3;5;4;1;4;1;0;"8";"0";0
"MS";"F";18;"R";"GT3";"T";2;2;"services";"other";"home";"mother";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;2;1;1;1;4;5;"14";"14";15
"MS";"M";17;"R";"GT3";"T";4;3;"services";"other";"home";"mother";2;2;1;"no";"yes";"yes";"yes";"no";"yes";"yes";"yes";4;5;5;1;3;2;4;"10";"11";11
"MS";"F";18;"U";"GT3";"T";3;3;"services";"services";"course";"father";1;2;0;"no";"yes";"no";"no";"yes";"yes";"no";"yes";5;3;4;1;1;5;0;"10";"10";10
"MS";"F";17;"R";"GT3";"T";4;4;"teacher";"services";"other";"father";2;2;0;"no";"yes";"yes";"yes";"yes";"yes";"yes";"no";4;3;3;1;2;5;2;"12";"12";12
"MS";"F";17;"U";"LE3";"A";3;2;"services";"other";"reputation";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";1;2;3;1;2;5;0;"15";"14";15
"MS";"M";18;"U";"LE3";"T";1;1;"other";"services";"home";"father";2;1;0;"no";"no";"no";"no";"no";"yes";"yes";"yes";3;3;2;1;2;3;2;"14";"13";14
"MS";"F";18;"U";"LE3";"T";1;1;"at_home";"services";"course";"father";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;3;2;1;1;4;0;"19";"17";18
"MS";"F";18;"R";"LE3";"A";1;2;"at_home";"other";"course";"mother";3;2;0;"no";"no";"no";"no";"yes";"yes";"no";"yes";4;3;4;1;4;5;0;"16";"15";15
"MS";"F";18;"U";"GT3";"T";3;3;"services";"services";"other";"mother";2;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;2;1;3;3;6;"13";"12";13
"MS";"F";17;"U";"LE3";"T";4;4;"at_home";"at_home";"course";"mother";1;2;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";2;3;4;1;1;1;4;"15";"14";15
"MS";"F";17;"R";"GT3";"T";1;2;"other";"services";"course";"father";2;2;0;"no";"no";"no";"no";"no";"yes";"no";"no";3;2;2;1;2;3;0;"13";"13";13
"MS";"M";18;"R";"GT3";"T";1;3;"at_home";"other";"course";"mother";2;2;0;"no";"yes";"yes";"no";"yes";"yes";"no";"no";3;3;4;2;4;3;0;"8";"10";9
"MS";"M";18;"U";"LE3";"T";4;4;"teacher";"services";"other";"mother";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;2;2;2;2;5;0;"15";"16";16
"MS";"F";17;"R";"GT3";"T";1;1;"other";"services";"reputation";"mother";3;1;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;2;1;1;2;1;0;"8";"8";9
"MS";"F";18;"U";"GT3";"T";2;3;"at_home";"services";"course";"father";2;1;0;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";5;2;3;1;2;4;0;"10";"10";10
"MS";"F";18;"R";"GT3";"T";4;4;"other";"teacher";"other";"father";3;2;0;"no";"yes";"no";"no";"no";"yes";"yes";"yes";3;2;2;4;2;5;0;"7";"5";0
"MS";"M";18;"R";"LE3";"T";1;2;"at_home";"services";"other";"father";3;1;0;"no";"yes";"no";"yes";"yes";"no";"yes";"yes";4;3;3;2;3;3;3;"9";"10";10
"MS";"F";17;"U";"GT3";"T";2;2;"other";"at_home";"home";"mother";1;3;0;"no";"no";"no";"yes";"yes";"yes";"no";"yes";3;4;3;1;1;3;8;"10";"11";12
"MS";"F";17;"R";"GT3";"T";1;2;"other";"other";"course";"mother";1;1;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";3;5;5;1;3;1;4;"7";"8";9
"MS";"F";18;"R";"LE3";"T";4;4;"other";"other";"reputation";"mother";2;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;4;4;1;1;1;0;"15";"17";17
"MS";"F";18;"R";"GT3";"T";1;1;"other";"other";"home";"mother";4;3;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";4;3;2;1;2;4;4;"10";"11";12
"MS";"F";19;"R";"GT3";"T";1;1;"at_home";"other";"course";"other";2;2;1;"no";"yes";"no";"no";"yes";"yes";"yes";"yes";4;3;3;1;1;3;4;"7";"8";9
"MS";"F";18;"R";"LE3";"T";4;4;"teacher";"services";"course";"mother";1;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";5;4;3;3;4;2;1;"13";"14";14
"MS";"F";18;"U";"GT3";"T";3;3;"other";"other";"home";"mother";1;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"yes";4;1;3;1;2;1;1;"16";"16";16
"MS";"F";17;"R";"GT3";"T";3;1;"at_home";"other";"reputation";"mother";1;2;0;"no";"yes";"no";"yes";"no";"yes";"yes";"no";4;5;4;2;3;1;10;"8";"9";9
"MS";"M";18;"U";"GT3";"T";4;4;"teacher";"teacher";"home";"father";1;2;0;"no";"no";"no";"yes";"no";"yes";"yes";"no";3;2;4;1;4;2;4;"17";"18";19
"MS";"M";18;"R";"GT3";"T";2;1;"other";"other";"other";"mother";2;1;0;"no";"no";"no";"yes";"no";"yes";"yes";"yes";4;4;3;1;3;5;0;"7";"7";0
"MS";"M";17;"U";"GT3";"T";2;3;"other";"services";"home";"father";2;2;0;"no";"no";"no";"yes";"yes";"yes";"yes";"no";4;4;3;1;1;3;4;"14";"15";16
"MS";"M";19;"R";"GT3";"T";1;1;"other";"services";"other";"mother";2;1;1;"no";"no";"no";"no";"yes";"yes";"no";"no";4;3;2;1;3;5;0;"5";"8";0
"MS";"M";18;"R";"GT3";"T";4;2;"other";"other";"home";"father";2;1;1;"no";"no";"yes";"no";"yes";"yes";"no";"no";5;4;3;4;3;3;0;"7";"7";0
"MS";"F";18;"R";"GT3";"T";2;2;"at_home";"other";"other";"mother";2;3;0;"no";"no";"no";"no";"yes";"yes";"no";"no";5;3;3;1;3;4;0;"14";"17";15
"MS";"F";17;"U";"GT3";"T";4;3;"teacher";"other";"other";"mother";2;2;0;"no";"no";"no";"no";"yes";"yes";"yes";"no";5;5;4;1;1;1;0;"6";"9";11
"MS";"F";18;"R";"GT3";"T";4;4;"teacher";"at_home";"reputation";"mother";3;1;0;"no";"yes";"no";"yes";"yes";"yes";"yes";"yes";4;4;3;2;2;5;4;"7";"9";10
"MS";"F";19;"R";"GT3";"T";2;3;"services";"other";"course";"mother";1;3;1;"no";"no";"no";"yes";"no";"yes";"yes";"no";5;4;2;1;2;5;4;"10";"11";10
"MS";"F";18;"U";"LE3";"T";3;1;"teacher";"services";"course";"mother";1;2;0;"no";"yes";"no";"no";"yes";"yes";"yes";"no";4;3;4;1;1;1;4;"15";"15";16
"MS";"F";18;"U";"GT3";"T";1;1;"other";"other";"course";"mother";2;2;0;"no";"no";"no";"yes";"yes";"yes";"no";"no";1;1;1;1;1;5;6;"11";"12";9
"MS";"M";17;"U";"LE3";"T";3;1;"services";"services";"course";"mother";2;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";2;4;5;3;4;2;6;"10";"10";10
"MS";"M";18;"R";"LE3";"T";3;2;"services";"other";"course";"mother";3;1;0;"no";"no";"no";"no";"no";"yes";"yes";"no";4;4;1;3;4;5;4;"10";"11";11
student-merge.R
d1=read.table("student-mat.csv",sep=";",header=TRUE)
d2=read.table("student-por.csv",sep=";",header=TRUE)
d3=merge(d1,d2,by=c("school","sex","age","address","famsize","Pstatus","Medu","Fedu","Mjob","Fjob","reason","nursery","internet"))
print(nrow(d3)) # 382 students
student.txt
# Attributes for both student-mat.csv (Math course) and student-por.csv (Portuguese language course) datasets:
1 school - student's school (binary: "GP" - Gabriel Pereira or "MS" - Mousinho da Silveira)
2 sex - student's sex (binary: "F" - female or "M" - male)
3 age - student's age (numeric: from 15 to 22)
4 address - student's home address type (binary: "U" - urban or "R" - rural)
5 famsize - family size (binary: "LE3" - less or equal to 3 or "GT3" - greater than 3)
6 Pstatus - parent's cohabitation status (binary: "T" - living together or "A" - apart)
7 Medu - mother's education (numeric: 0 - none, 1 - primary education (4th grade), 2 – 5th to 9th grade, 3 – secondary education or 4 – higher education)
8 Fedu - father's education (numeric: 0 - none, 1 - primary education (4th grade), 2 – 5th to 9th grade, 3 – secondary education or 4 – higher education)
9 Mjob - mother's job (nominal: "teacher", "health" care related, civil "services" (e.g. administrative or police), "at_home" or "other")
10 Fjob - father's job (nominal: "teacher", "health" care related, civil "services" (e.g. administrative or police), "at_home" or "other")
11 reason - reason to choose this school (nominal: close to "home", school "reputation", "course" preference or "other")
12 guardian - student's guardian (nominal: "mother", "father" or "other")
13 traveltime - home to school travel time (numeric: 1 - <15 min., 2 - 15 to 30 min., 3 - 30 min. to 1 hour, or 4 - >1 hour)
14 studytime - weekly study time (numeric: 1 - <2 hours, 2 - 2 to 5 hours, 3 - 5 to 10 hours, or 4 - >10 hours)
15 failures - number of past class failures (numeric: n if 1<=n<3, else 4)
16 schoolsup - extra educational support (binary: yes or no)
17 famsup - family educational support (binary: yes or no)
18 paid - extra paid classes within the course subject (Math or Portuguese) (binary: yes or no)
19 activities - extra-curricular activities (binary: yes or no)
20 nursery - attended nursery school (binary: yes or no)
21 higher - wants to take higher education (binary: yes or no)
22 internet - Internet access at home (binary: yes or no)
23 romantic - with a romantic relationship (binary: yes or no)
24 famrel - quality of family relationships (numeric: from 1 - very bad to 5 - excellent)
25 freetime - free time after school (numeric: from 1 - very low to 5 - very high)
26 goout - going out with friends (numeric: from 1 - very low to 5 - very high)
27 Dalc - workday alcohol consumption (numeric: from 1 - very low to 5 - very high)
28 Walc - weekend alcohol consumption (numeric: from 1 - very low to 5 - very high)
29 health - current health status (numeric: from 1 - very bad to 5 - very good)
30 absences - number of school absences (numeric: from 0 to 93)
# these grades are related with the course subject, Math or Portuguese:
31 G1 - first period grade (numeric: from 0 to 20)
31 G2 - second period grade (numeric: from 0 to 20)
32 G3 - final grade (numeric: from 0 to 20, output target)
Additional note: there are several (382) students that belong to both datasets .
These students can be identified by searching for identical attributes
that characterize each student, as shown in the annexed R...
SOLUTION.PDF

Answer To This Question Is Available To Download

Related Questions & Answers

More Questions »

Submit New Assignment

Copy and Paste Your Assignment Here